InsightsByRish
InsightsByRish
  • Видео 58
  • Просмотров 30 411
Interactive Geospatial Dashboard using Streamlit
Hey everyone,
In this tutorial I have demonstrated building an interactive geospatial dashboard using streamlit
Github Code File:
github.com/RishaRane/Geospatial_Dashboard_using_Streamlit.git
Dataset:
www.kaggle.com/datasets/iamsouravbanerjee/world-population-dataset
ngrok site:
ngrok.com/
Streamlit Emoji Shortcodes:
streamlit-emoji-shortcodes-streamlit-app-gwckff.streamlit.app/
For any queries mail me on:
insightswithrish@gmail.com
Connect with me on Instagram:
TIMESTAMPS
00:00:00 Starting
00:01:00 Setup
00:07:03 1. Setting Page Configuration
00:14:40 2. Creating the Sidebar and Filters
00:24:00 3. Choropleth Map - Population Distribution by Country
00:35:25 4. Metric Card - Population Growth Rate
00:55:05 ...
Просмотров: 237

Видео

Creating Custom Dataset | 2 Ways
Просмотров 97День назад
Hey everyone, In this tutorial I have demonstrated two ways of creating custom dataset. The first one being labelling and the second one being roboflow auto- labelling. Roboflow Auto-Label Site: roboflow.com/annotate Object Detection using YOLOv8 Video: ruclips.net/video/GFvVNKRBiNk/видео.html For any queries mail me on: insightswithrish@gmail.com Connect with me on Instagram: Ins...
CycleGAN Intuition through Research Paper
Просмотров 91День назад
Hey everyone, In this video I have explained about every aspect of cycleGAN with the help of a research paper. Research Paper link: arxiv.org/pdf/1703.10593 For any query main me on: insightswithrish@gmail.com Connect with me on Instagram: InsightsByRish TIMESTAMPS: 00:00 Starting 00:50 CycleGAN Intuition 12:05 Need of Inverse Mapping 17:18 Losses in CycleGAN 23:35 Architecture of...
Machine Learning using PySpark | Tutorial 4 | Data Cleaning - Handling Missing Values
Просмотров 16814 дней назад
Hey everyone, This is the fourth video from the series `Machine Learning using PySpark` where I have explained checking and methods of handling of null values in PySpark. Link for Tutorial 1 ruclips.net/video/fJp2mWu6qUM/видео.html Link for Tutorial 2 ruclips.net/video/0uBXq81Uo7s/видео.html Link for Tutorial 3 ruclips.net/video/SZQN-h1RT9s/видео.html TIMESTAMPS: 00:00 Starting 03:18 Checking f...
Regression using Neural Network
Просмотров 13821 день назад
Hey everyone, In this tutorial I've demonstrated performing Regression using Neural Networks. Code File & Dataset: github.com/RishaRane/Regression_using_Neural_Network.git Connect with me on Instagram: For any queries mail me on: insightswithrish@gmail.com TIMESTAMPS: 00:00 Starting 00:37 1. Loading the Data 01:45 2. Data Preprocessing 12:37 3. Train Test Split 14:10 4. Building Neural Network ...
Building a DCGAN for Human Face Generation using Tensorflow | Generative Modelling
Просмотров 34521 день назад
Hey everyone, In this video tutorial I've demonstrated a Generative Modeling tutorial of 'Human Face Generation using DCGAN (Deep Convolution Generative Adversarial Network)' using Tensorflow. Github Code File: github.com/RishaRane/Human_Face_Generation_using_DCGAN.git Dataset: www.kaggle.com/datasets/matheuseduardo/flickr-faces-dataset-resized/data Connect with me on Instagram: I...
Building Multi-Task NLP model with LSTM : Detect Emotions, Hate Speech & Violence in Text
Просмотров 746Месяц назад
Hey everyone, In this video I have demonstrated how to build a multi-task NLP model using LSTM. Multi-task learning (MTL) is a machine learning approach where a model is trained simultaneously on multiple related tasks. Code File (Github Repository): github.com/RishaRane/Multi_Task_Learning_Project_with_NLP.git Datasets: (i) Emotion Data: www.kaggle.com/datasets/nelgiriyewithana/emotions (ii) V...
One Hot Encoding | Easy Explanation & Implementation | Machine Learning
Просмотров 283Месяц назад
Hey Everyone, This is a tutorial for one of the most important Machine Learning Concept of 'One Hot Encoding'. Code & Dataset: github.com/RishaRane/One_Hot_Encoding.git Connect with me on Instagram: InsightsByRish For any queries mail me on: insightswithrish@gmail.com #machinelearning #python #tutorial Thanks for watching! Please LIKE, SHARE and SUBSCRIBE if you enjoyed the content.
Time Series Forecasting using Prophet
Просмотров 447Месяц назад
Hey everyone, In this video I have implemented a Time Series Forecasting use case with Prophet. Prophet is an open source tool developed by Facebook (Meta). Dataset: www.kaggle.com/datasets/samfaraday/daily-minimum-temperatures-in-me Github link for code: github.com/RishaRane/Temperature_Forecasting_using_Prophet.git Time Series Forecasting using LSTM: ruclips.net/video/PeXHcJt0E9Y/видео.html T...
Real -Time Object Detection using YOLOv8 on Google Colaboratory
Просмотров 466Месяц назад
Hey everyone, In this video I have given an in-depth tutorial of 'Object Detection' using YOLOv8. Tested the trained model on both 'Image' as well 'Video'. Recorded Good performance of model on both. Dataset: public.roboflow.com/object-detection/oxford-pets Github Code File: github.com/RishaRane/CAT_DOG_OBJECT_DETECTION_USING_YOLOv8.git Connect with me on Instagram: InsightsByRish...
Disease Diagnosis System using Random Forest with real-time predictions | Machine Learning Project
Просмотров 353Месяц назад
Hey everyone, In this video I have implemented a 'Disease Diagnosis System' using Random Forest Algorithm of Machine Learning Classification domain that also makes real time predictions Model Accuracy : 97% Dataset: www.kaggle.com/datasets/kaushil268/disease-prediction-using-machine-learning?select=Training.csv Code File: github.com/RishaRane/Disease_Diagnosis_using_Random_Forest.git Connect wi...
Apple Stock Price Prediction using LSTM | Multivariate Time Series Forecasting using Deep Learning
Просмотров 1,2 тыс.2 месяца назад
Hey everyone, In this video, I implemented a Time Series Forecasting project using LSTM titles as 'Apple Stock Price Prediction'. Dataset: www.kaggle.com/datasets/meetnagadia/apple-stock-price-from-19802021 Code File: github.com/RishaRane/Apple_Stock_Price_Prediction_using_LSTM.git Time Series Forecasting using ARIMA: ruclips.net/video/QSKGjiNEZsk/видео.html Time Series Forecasting using Prophe...
Time Series Forecasting using ARIMA | Industrial Gas Production (IGP) Forecasting
Просмотров 5982 месяца назад
Hey everyone, In this video I've demonstrated a Time series Analysis/Forecasting project using ARIMA (Auto-Regressive Integrated Moving Average) on a univariate data. Dataset : fred.stlouisfed.org/series/IPG2211A2N? Code File : github.com/RishaRane/IGP_Forecasting_using_ARIMA.git Time Series Forecasting using LSTM: ruclips.net/video/PeXHcJt0E9Y/видео.html Time Series Forecasting using Prophet: ...
Covid - 19 Data Analysis and Visualization | EDA | Plotly
Просмотров 2192 месяца назад
Hey everyone, In this video I have implemented a beginner - friendly Data Analysis and Visualization project of 'Covid-19 Data Analysis' using Plotly Library. Dataset: www.kaggle.com/datasets/imdevskp/corona-virus-report Connect with me on Instagram: InsightsByRish 00:00 Starting 03:05 1.Which countries had the highest number of confirmed cases? 06:55 2.What was the distribution o...
Self Attention mechanism of Transformer | Easy Explanation along with Mathematical Computation
Просмотров 5972 месяца назад
Self Attention mechanism of Transformer | Easy Explanation along with Mathematical Computation
Sarcasm Detection using BERT | Hierarchical BERT approach from Research Paper
Просмотров 6482 месяца назад
Sarcasm Detection using BERT | Hierarchical BERT approach from Research Paper
Building Machine Learning Pipeline using Scikit-Learn
Просмотров 1,3 тыс.2 месяца назад
Building Machine Learning Pipeline using Scikit-Learn
Text Summarization using BART Transformer | NLP | Transformers | BART
Просмотров 7262 месяца назад
Text Summarization using BART Transformer | NLP | Transformers | BART
Multiclass Flower Classification using Transfer Learning | EfficientNet Model
Просмотров 4213 месяца назад
Multiclass Flower Classification using Transfer Learning | EfficientNet Model
Feature Scaling in Machine Learning | Normalization | Standardization
Просмотров 2693 месяца назад
Feature Scaling in Machine Learning | Normalization | Standardization
Hate Speech Detection using LSTM | NLP Project using RNN (Recurrent Neural Network)
Просмотров 8163 месяца назад
Hate Speech Detection using LSTM | NLP Project using RNN (Recurrent Neural Network)
Video Game Sales Analysis | Data Analysis Project | Exploratory Data Analysis (EDA)
Просмотров 5903 месяца назад
Video Game Sales Analysis | Data Analysis Project | Exploratory Data Analysis (EDA)
Lung Cancer Detection using VGG16 | Image Classification using Transfer Learning
Просмотров 1,5 тыс.3 месяца назад
Lung Cancer Detection using VGG16 | Image Classification using Transfer Learning
Electricity Production Forecasting using SARIMAX | Time Series Forecasting Project | Seasonal Data
Просмотров 5393 месяца назад
Electricity Production Forecasting using SARIMAX | Time Series Forecasting Project | Seasonal Data
Market Segment Analysis for Mall | Data Analysis Project | EDA (Exploratory Data Analysis)
Просмотров 9613 месяца назад
Market Segment Analysis for Mall | Data Analysis Project | EDA (Exploratory Data Analysis)
Potato Disease Classification Project | Convolutional Neural Network (CNN) | Deep Learning
Просмотров 7013 месяца назад
Potato Disease Classification Project | Convolutional Neural Network (CNN) | Deep Learning
Credit Card Fraud Detection Project using Artificial Neural Network
Просмотров 9573 месяца назад
Credit Card Fraud Detection Project using Artificial Neural Network
Machine Learning using PySpark | Tutorial 3 | Creating Manual Dataframes
Просмотров 1283 месяца назад
Machine Learning using PySpark | Tutorial 3 | Creating Manual Dataframes
Train-Test Split methods in Machine Learning | Holdout | Stratification | K-Fold Cross Validation
Просмотров 3604 месяца назад
Train-Test Split methods in Machine Learning | Holdout | Stratification | K-Fold Cross Validation
Wine Variety Classification Project | Logistic Regression | Machine Learning
Просмотров 3374 месяца назад
Wine Variety Classification Project | Logistic Regression | Machine Learning

Комментарии

  • @frootiiiiiiii
    @frootiiiiiiii 23 часа назад

    Mam why this y=df['price '] used here insted of y=df[['price']] why 1D series used here

    • @InsightsByRish
      @InsightsByRish 13 часов назад

      y = df['Price'] here the single square bracket symbolizes the data in 'array format' whereas in y = df[['Price]] the double square bracket symbolizes data in 'data frame format'. And traditionally the target column/feature needs to be in array format and not in data frame. (That's a good practice)

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

    mam can you clarify which technology are used for Real time object Detection

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

      YOLOv8 (You Only Look Once Version 8) - For object detection. XML tree - For Extracting object information from xml file OpenCV - For image processing. TensorFlow - For model handling and integration

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

    Waiting for it

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

    How we can collect textual dataset?

    • @InsightsByRish
      @InsightsByRish 9 дней назад

      I'll soon make a video on that.

    • @nishah4058
      @nishah4058 9 дней назад

      @@InsightsByRish thanx.. pls make early if possible. Thanx

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

    is this playlist okay to learn time series mam?

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

      Yes, this playlist is ideal for learning various time series implementations, assuming you have a basic understanding of key time series terms.

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

    Thanks for the video. But I think filling missing values with the mean in the Target variable isn't a good idea. Since it can lead to bias or loss of information

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

      So according to you, how should the missing values from target col be handled?

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

      @@InsightsByRish in this case, we can consider dropping those rows

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

      @@hoangha6680 It can only be done when you have a large volume of data. If you're dropping rows from a dataset that's already small, you'll lose a significant portion of data, which can eventually hamper your model's performance.

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

    Hii.. I done first project in this next is thinking about financial behaviour prediction from text.. but I don’t find a it suitable . Can u pls some novel thing related to sentiment analysis. Thanx in advance.

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

      Hey, there are many novel ideas that complement sentiment analysis, such as emotion detection from chats, sarcasm detection, and analyzing political inclinations from tweets. I’d also recommend checking out my 'Building Multi-Task NLP Model' video, where I analyzed various aspects of sentiment using a single model. Hope that helps!

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

      @@InsightsByRish yes.. but there is lots of work done in finding emotions from text,audio etc. sarcasm is also done still not finding any certain things to go. In case of model improvements what we can do? Pls suggest

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

      @@InsightsByRish can u pls elovrate sentiment,emotion are different in their granularity. But is opinion polarity subjectivity and intensity what is the difference between them

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

      @@nishah4058 For Model Improvements, you can perform Data Augmentation where you generate more training data by paraphrasing existing samples or try to perform back-translation to improve the diversity of dataset or try to experiment with different word embeddings and even the model's architecture.

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

      @@nishah4058 Sentiment basically refers to the attitude (broader perspective) expressed in a text. Like positive, negative or neutral. But Emotion focusses on underlying expressions (narrower or granule perspective) from a text. Like happy, sad, angry, confused etc. They capture the specific feeling. 1. Opinion Polarity basically means same as that of sentiment. That whether the expressed opinion is positive, negative or neutral. 2. Subjectivity is a factual opinion that is true for everyone. Like 'I like dessert' may not be true for everyone as some people may not like desserts. But 'Desserts are sweet' is true for everyone. So that's a subjective opinion. 3. Intensity refers to the degree or strength or depth of emotion/opinion. Like the statement 'I love chocolates very much' has higher intensity than the statement 'I like chocolate'.

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

    Hey.. can u pls help me in my research? Aap oln class provide krte h reg research in ML

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

      Hi! I'd love to help with your research, but due to my hectic schedule, I may not always be available for consistent support. However, I'll do my best to assist whenever possible. Just to clarify, I don't provide any classes.

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

      @@InsightsByRish oh… so sad to hear bcz there is no one in research which guide you through the process. Anyway can u pls suggest me some deeper topic in sentiments analysis from text? Like normal sentiments emotions are outdated.. like what can we do in sentiment for textual data.. I can’t get it where to move next.. till I did basic selection technique and voting etc but not got stuck what can I do further here . Thanx in advance.

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

      ​@@nishah4058 You can perform 'implicit sentiment detection` where the goal is to detect sentiments that are not expressed explicitly through common words or statements but are implied through context, tone, or specific phrasing. For eg in the statement 'I guess the restaurant service was fine' traditional model will consider this as a positive or neutral statement but rather it has an underlying unsatisfied or slightly disappointed tone. So the goal is to detect this underlying emotion.

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

    kaggle dataset link plz??

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

      I downloaded the dataset from GeeksforGeeks : media.geeksforgeeks.org/wp-content/uploads/20240905183434/HousePricePrediction.xlsx

  • @rafabobo9593
    @rafabobo9593 25 дней назад

    Thank you very much

  • @MEMESREDX
    @MEMESREDX 29 дней назад

    can Anyone provide Project Presentation on this Projects its urgent

  • @arjunp5840
    @arjunp5840 29 дней назад

    Great video.. thank you , can you make some video project on recommendations system collaborative recommedation for market/ movie/ song anything

  • @MSTSHAMIMAAFROZ
    @MSTSHAMIMAAFROZ Месяц назад

    thanks mam .

  • @arjunp5840
    @arjunp5840 Месяц назад

    Hi Risha, I'm working on this project and have started following along with your work. However, I'm encountering an issue with the code. Whenever I use an embedding layer, my output shape shows as "?" and the params are zero. I'm facing the same problem after compiling the model and checking the model summary. I ran the file in Google Colab. If you have any idea why this is happening, I would greatly appreciate your help. Thanks!

    • @InsightsByRish
      @InsightsByRish Месяц назад

      Hi Arjun, It sounds like the issue might be related to the input shape not being correctly set for the embedding layer, which can sometimes cause the output shape to show as "?" and the parameters to be zero. Make sure the sentence_length variable (used in pad_sequences) matches the input length specified in the embedding layer.

    • @arjunp5840
      @arjunp5840 Месяц назад

      @@InsightsByRish i tried to ensure those but still it didnt worked for me ..

  • @InsightsByRish
    @InsightsByRish Месяц назад

    At 36:22 it is hate_df['text'] = hate_df['text'].apply(remove_stopwords)

  • @burak9002
    @burak9002 Месяц назад

    LogisticRegression(max_iter=100) returns accuracy score of 0.89

    • @InsightsByRish
      @InsightsByRish Месяц назад

      Thank you for sharing! With proper fine-tuning, Random Forest can also reach a similar level of accuracy

  • @cafedreamboy
    @cafedreamboy Месяц назад

    Excellent explanation...You really are subject matter expert.

    • @InsightsByRish
      @InsightsByRish Месяц назад

      Thank you so much! Glad you found it helpful!

  • @uniquegaming4734
    @uniquegaming4734 Месяц назад

    mam when i write train_xml_list[:3] the output was not come

    • @Cricexplain07
      @Cricexplain07 Месяц назад

      Mine also your problem Solved

    • @InsightsByRish
      @InsightsByRish Месяц назад

      I can't see your code, so it's hard to pinpoint the exact issue, however I would suggest you to crosscheck all you paths.

  • @boleto7467
    @boleto7467 Месяц назад

    Can you please share the ipynb file or link containing it

    • @InsightsByRish
      @InsightsByRish Месяц назад

      drive.google.com/file/d/1SQylAN1a14NBC1WU6pJlFWeisDoomEd3/view?usp=sharing

    • @boleto7467
      @boleto7467 Месяц назад

      Thanks for the quick needful, i'm trying to learn Deep Learning

  • @allinonesomespecial4
    @allinonesomespecial4 Месяц назад

    Failed to import transformers.models.bart.modeling_tf_bart because of the following error (look up to see its traceback): Your currently installed version of Keras is Keras 3, but this is not yet supported in Transformers. Please install the backwards-compatible tf-keras package with `pip install tf-keras`.

    • @InsightsByRish
      @InsightsByRish Месяц назад

      It looks like you're using Keras 3, which is causing the error.Try downgrading to Keras 2 version. It might help.

  • @arkaprovobhattacharjee4858
    @arkaprovobhattacharjee4858 Месяц назад

    Great video, cleared a few of my doubts, Is there a way to contact you ?

    • @InsightsByRish
      @InsightsByRish Месяц назад

      Yes you can mail me on insightswithrish@gmail.com

  • @jaisiddhisuperpowerpltd1872
    @jaisiddhisuperpowerpltd1872 Месяц назад

    mam dataset download nahi ro raha hai, pls aap google drive par dataset upload krne ke baad drive ka link de dijye kr dijye , pls.....

    • @Cricexplain07
      @Cricexplain07 Месяц назад

      Yes

    • @InsightsByRish
      @InsightsByRish Месяц назад

      drive.google.com/drive/folders/1qHmfr5iH7jFwW4aeTQx6WGIs5sZvLNxo?usp=sharing

    • @Cricexplain07
      @Cricexplain07 Месяц назад

      mam it is not showing download option

    • @InsightsByRish
      @InsightsByRish Месяц назад

      @@Cricexplain07 Do one thing, send me your email id. I'll attach and send the zip folders to you.

  • @KeshabShrestha-lw1te
    @KeshabShrestha-lw1te Месяц назад

    It is awesome..please bring out other project videos related to object detection and transformers

  • @Cricexplain07
    @Cricexplain07 Месяц назад

    Mam this is a complete project based on object detection project using yolo How we make custom dataset ?

    • @InsightsByRish
      @InsightsByRish Месяц назад

      Hey, I made this project for complete beginners, so I didn't cover the image annotation part. But, I'll soon make a video explaining how to annotate images and create your own custom dataset for object detection. Stay tuned!

    • @Cricexplain07
      @Cricexplain07 Месяц назад

      @@InsightsByRish Thank You We are working on this it's our final Year project

  • @prawncracker1304
    @prawncracker1304 Месяц назад

    Shouldn't the prediction line be out ahead of the actual line? I would expect to see the red line be further along in the x axis to show the prediction for a price that doesn't yet exist.

    • @InsightsByRish
      @InsightsByRish Месяц назад

      The thing that you're saying will only happen if we are making predictions on new data or for further intervals of time. But here we are making predictions for existing data that was already present in X_test. So the red line (predicted values) will remain on top of blue line (actual values) as the predicted values are getting aligned with the existing targets present in y_test.

  • @benstiller1297
    @benstiller1297 Месяц назад

    Great explanation 💯👍

  • @TrendyNeeds-t7v
    @TrendyNeeds-t7v Месяц назад

    if you are professional on fraud prevention/detection on credit card then have something to discuss. if u interested

  • @TrendyNeeds-t7v
    @TrendyNeeds-t7v Месяц назад

    R u making video on this subject or u r an ai programmer?

  • @MurhariKrishn15
    @MurhariKrishn15 Месяц назад

    Good and helpful videos for beginners with simple explanation

  • @jaisiddhisuperpowerpltd1872
    @jaisiddhisuperpowerpltd1872 Месяц назад

    AND MAM PLEASE MAKE A FULL 100 DAYS PLAYLISTS OF DEEP LEARNING WITH PROJECTS JUST LIKE CAMPUSX(RUclips CHANNEL OF NITISH SIR), PLS TAKE IT SERIOUSLY.

  • @jaisiddhisuperpowerpltd1872
    @jaisiddhisuperpowerpltd1872 Месяц назад

    HELLO MAM I WANT TO KNOW FROM WHERE DID YOU LEARN DEEP LEARNING

    • @InsightsByRish
      @InsightsByRish Месяц назад

      Hello! When I was learning deep learning, I referred to many research papers and articles. They provide a great understanding of the concepts.

  • @saitammu7462
    @saitammu7462 Месяц назад

    Mam make a videos on generative ai tutorial or deep learning tutorial

  • @saitammu7462
    @saitammu7462 Месяц назад

    Please make a tutorials on deep learning

    • @InsightsByRish
      @InsightsByRish Месяц назад

      I already have a deep learning playlist that covers multiple projects. You can check it out here ruclips.net/p/PLIIcfxDiNOqDO8JDUKQ0wnyAcLc9C0hTA

  • @jaisiddhisuperpowerpltd1872
    @jaisiddhisuperpowerpltd1872 Месяц назад

    mam please app model train ke sath sath model ko deploy bhi kiya kijye flask ya streamlit ki maddad se ,

  • @binarytpoint8904
    @binarytpoint8904 Месяц назад

    🎉

  • @HotThupka
    @HotThupka Месяц назад

    Millions of Thanks for this. Secondly would it be possible to do this same in Databricks/Spark Dataframe method

    • @InsightsByRish
      @InsightsByRish Месяц назад

      Thanks for the appreciation! Yes, it is possible to implement this using the Databricks DataFrame method.

  • @Anthony-o1b2j
    @Anthony-o1b2j 2 месяца назад

    Excellent video, thank you for sharing! I have a question, you're predicting Open, Close, Min, Max, Adj Close and Volume at the same time and get values for each one of these dimensions, that's what is called multivariate time series forecasting. But, when the LSTM is running, does it consider Close, Min, Max, Adj Close and Volume of the given period to predict the Open value? I mean are we predicting Open, Close, Min, Max, Adj Close and Volume INDEPENDENTLY or does the algorithm considers all the other dimensions to predict one of them?

    • @InsightsByRish
      @InsightsByRish 2 месяца назад

      Hi @Anthony-o1b2j, thank you for your kind words! I'm glad you found the video helpful. To answer your question: Yes, when using an LSTM for multivariate time series forecasting, the model considers all features together. It doesn’t predict each feature independently. Instead, it takes into account the relationships and interdependencies between all the features to make predictions.

  • @hardik4417
    @hardik4417 2 месяца назад

    thank you for providing such content

  • @indahwira1155
    @indahwira1155 2 месяца назад

    thank you for your video, it really explains every step and I'm glad I found your video!!🤍

    • @InsightsByRish
      @InsightsByRish 2 месяца назад

      Glad to hear that!

    • @indahwira1155
      @indahwira1155 Месяц назад

      @@InsightsByRish but may I ask something? I used another data sample and when I tried the prediction result obtained was a straight line at point 0, far from the previous data. May I know why this could happen? thank you

    • @indahwira1155
      @indahwira1155 Месяц назад

      Is there a minimum amount of data required to perform this forecast? or something? sorry for asking, im so clueless

    • @InsightsByRish
      @InsightsByRish Месяц назад

      @@indahwira1155 That straight line prediction mostly arises when : 1. Either your data is not stationary 2. Parametric Values of p, d, q, are selected inappropriately 3. Or the dataset has lot of missing/null values 4. Dataset is too small Please ensure all this factors and let me know.

    • @InsightsByRish
      @InsightsByRish Месяц назад

      @@indahwira1155 Forecasting doesn't depend upon any such factor but the only thing you should consider is that the dataset shouldn't be too small. It should be large enough to learn the patterns from.

  • @karthikmt361
    @karthikmt361 2 месяца назад

    Very good session.

  • @williamsherman6995
    @williamsherman6995 2 месяца назад

    I'm stoked! Thank you Rish 😃

  • @wilfredomartel7781
    @wilfredomartel7781 2 месяца назад

    a very intuitive video!

  • @ilyeskesri6524
    @ilyeskesri6524 2 месяца назад

    keep going thank you

  • @hardik4417
    @hardik4417 2 месяца назад

    Projects are unique but please add PREDICTIVE MODEL to give output on new sentence

    • @InsightsByRish
      @InsightsByRish 2 месяца назад

      Yes sure, I'll keep that in mind! I've actually included that in my 'Text Summarisation' video.

  • @maitrimarwaha6250
    @maitrimarwaha6250 2 месяца назад

    maam please make a project on regression along with random forest , decison tree, EDA and feature engineering

  • @maitrimarwaha6250
    @maitrimarwaha6250 2 месяца назад

    thankyou maam These days companies are asking for project on time series analysis using arima and hypothesis testing. i really like your way of teaching , can you please make a project on this

    • @InsightsByRish
      @InsightsByRish 2 месяца назад

      Yes, I'll surely make more on that topic soon. (Btw I already have one on my channel using SARIMAX).

  • @pallabbiswas2752
    @pallabbiswas2752 2 месяца назад

    thank you,please make a video on Semi-Supervised EfficientNet ,

  • @maitrimarwaha6250
    @maitrimarwaha6250 2 месяца назад

    Thankyou so much maam, was finding some easy to understand project but was not able to find any, thankyou for all the efforts, i wish you all the happiness of the world

    • @InsightsByRish
      @InsightsByRish 2 месяца назад

      You're welcome! I'm glad you found it helpful. Your kind words mean a lot.

  • @ilyeskesri6524
    @ilyeskesri6524 2 месяца назад

    Good tutorial thanks

  • @MuhammadEhtisham-cm5vr
    @MuhammadEhtisham-cm5vr 2 месяца назад

    Mam can you explain I bit about this bert , I went through ml , dl , now learning gen ai , in which I have covering transformers for now , and building projects for fine tuning and rag , where Bert falls in the category ?

    • @MuhammadEhtisham-cm5vr
      @MuhammadEhtisham-cm5vr 2 месяца назад

      Model architecture is it type of transformer or neural networks ?

    • @InsightsByRish
      @InsightsByRish 2 месяца назад

      @@MuhammadEhtisham-cm5vr BERT is a 'Transformer model'.