Тёмный
No video :(

End to End Multivariate Time Series Modeling using LSTM 

AIEngineering
Подписаться 76 тыс.
Просмотров 86 тыс.
50% 1

#datascience #deeplearning #LSTM
Entire Time Series Course - • Time Series Modelling ...
In this video we will see how we can build a multi variate time series model using Deep learning LSTM sequence model. We will see end to end time series model building process in this video

Опубликовано:

 

29 авг 2024

Поделиться:

Ссылка:

Скачать:

Готовим ссылку...

Добавить в:

Мой плейлист
Посмотреть позже
Комментарии : 277   
@lukmannurhafizramli1377
@lukmannurhafizramli1377 5 месяцев назад
The clearest explanation of all multivariate time series LSTM modelling videos. Thank you so much!!!
@xiaofangchen934
@xiaofangchen934 3 года назад
Finally I find such a great tutorial help me figure out inputs of lstm, thank you so much Sir!
@pravdomirdobrev4850
@pravdomirdobrev4850 3 года назад
Yep, best tutorial I found so far on inputs to LSTM.
@KasimKhan-lk4sw
@KasimKhan-lk4sw 2 года назад
@@pravdomirdobrev4850 code link plz
@space_ace7710
@space_ace7710 5 месяцев назад
Enjoyed this Series till now!!
@bhaveshsalvi4437
@bhaveshsalvi4437 3 года назад
Sir, really appreciating your quality of content. It helps a lot. Could you please make detailed content on ARCH and GARCH modelling for volatility in time series.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Thank you. Will try to add ARCH and GARCH videos as well
@suemetzger4579
@suemetzger4579 3 года назад
Thank you for this - very helpful. My only challenge is that with this examples and others I am working on, I have better performance when I set win_length to 1 (i.e. length for the TimeSeriesGenerator object). I would think a value of something like 720 would help to capture more recent activity and improve the model but it doesn't.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Hi.. One reason can be maybe time series is random and it is more dependent on most recent values than a longer window. Do you see any seasonality or trend in data?
@suemetzger4579
@suemetzger4579 3 года назад
@@AIEngineeringLife I am using your dataset and setting length to 1 produces better results than 720.
@PerteTotale
@PerteTotale Год назад
@@suemetzger4579 win=1 is just comparing the data the period before, and reflects some auto regression present.
@mohamedabouelkhir1221
@mohamedabouelkhir1221 4 месяца назад
This is so helpful for me as it explained each step very well. I have only one question which is how can we forecast our prediction to the future? Supposedly our data goes from 1st jan 2009 to 31 dec 2022 and we want to forecast on jan 2023 . And We don't know also the values of the features.
@ipvikas
@ipvikas 3 года назад
Sir, I am getting ValueError at stage 'history = model.fit_generator(train_generator, epochs=50, validation_data=test_generator,shuffle=False,callbacks=[early_stopping])' ValueError: Failed to find data adapter that can handle input: , Sir, how can I handle this error?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Vikas.. Change keras.preprocessing.sequence.TimeseriesGenerator to tensorflow..preprocessing.sequence.TimeseriesGenerator In latest TF api (2.3 and above) they changed or use TF 2.2 to run the code as it is
@ruhithomas4294
@ruhithomas4294 3 года назад
Thank you so much for this amazing video! I found it super useful.
@alexraja7785
@alexraja7785 3 года назад
Great Teaching Sir.
@mohamednedal
@mohamednedal 2 года назад
Great tutorial! Can I ask why the number of cells in the LSTM layer is not the same as the number of steps of the input window?
@erensarnic4058
@erensarnic4058 3 года назад
Thanks for the great video. The coding is user friendly. So we could think this as a supervised regression problem. But in terms of forecasting future, what actions should we take? What if we wanted to forecast (predict) the next 10 days?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Looks like my old comment was deleted. Actions can be depending on business process, in retail it can be product inventory or manpower allocation, In energy sector it can be amount of energy to sell in open market, In loss forecasting it can be to be better prepared to meet regulatory capital allocation requirement. In this video I show how to predict for next 4 periods but it can be increased to 10 as well
@vishey100
@vishey100 3 года назад
Hello, Thanks for the content you are providing and it helps me to solve my real world problems as well during my office work...I am looking for the multivariate TS tutorial but everywhere am finding ppl are treating this somewhere as regression problem. Even in this vedio u did the prediction not the forecasting because while we do forecasting for future we won't be having input features values....so basically I don't understand how should we use multivariate time series in real world problem...like I want to forecast the CPU usage and it depends on number of users, which process is running, day of the week and date.....I understand we can use day of the week and date but how will I get the details of users and process for future....there is one solution I can think like we can have user and process details for future from different TS models and the we can forecast CPU usage using these values but I don't think this is the good solution as this will increase error....pl help me to understand.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Vishal.. I have covered it as literature in this video and few others as well. There are 2 ways one can do multivariate time series. One is using VAR model which creates separate equation and gives out model coefficients for each variable. In this case you might be able to predict all variables in future forecast. Challenge is each variable will have its error and overall can distort your target prediction as well. Second way is when forecasting you need to forecast separately the future variables of multi variate variables. Some variables can be easy to get data like temperature we can get from external data and others and for few we create separate model and then feed to LSTM or other models like facebook prophet. This is the way out in many cases and reason multivariate is hard
@vishey100
@vishey100 3 года назад
@@AIEngineeringLife Thanks for the information sir...now I am clear about the solution we have for multivariate. I was wondering we would have something different to tackle this problem...Thanks alot 🙏🙏.
@mdfaiz4583
@mdfaiz4583 3 года назад
Sir, u have just tested the data.. What about the future forecast? We have not done future forecast here
@Areeva2407
@Areeva2407 3 года назад
WHAT A MODEL, WHICH DOES NOT FORECASTS .... SHEER WASTE OF TIME
@PrityKumari-rq2gp
@PrityKumari-rq2gp 2 года назад
Thank you so much for explaining so smoothly. please provide GitHub code of it
@immadmalik2605
@immadmalik2605 2 года назад
Please can someone help me after following all the steps and i get to the history part when i run my code i get this error, ValueError Failed to find data adapter that can handle input: , how doi solve this
@GS-rm7fv
@GS-rm7fv 6 месяцев назад
You shouldnt use test_generator as validation set because your test data leaks into the training, which is why your model performed as well as it did on the test data set
@mihirbhawsar3150
@mihirbhawsar3150 3 года назад
@AIEngineering He'll sir, great video But I want to ask you Mere pas weather dataset hai jisme 8 features hai or muje rain ,foggy, overcast, clear predict karna hai . To konsa lstm model use karuu
@pravdomirdobrev4850
@pravdomirdobrev4850 3 года назад
I understand this is a supervised time-series problem and uses x_train predictors to train the model by comparing it to y_train. However, when we get to the x_test predictors we accept those as known. But in a problem like wind power forecasting, the predictor - wind speed may be unknown. So would that make the problem unsupervised? And what shape of train/test data we should use in this case to feed the LSTM?
@moulich7372
@moulich7372 3 года назад
in LSTM model architecture you have used 1 dense layer to depicts one period forecast , if i want to return 3 periods values then should i have 3 dense layers?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Yes that is one way or you can also predict multiple observation in loop. Check in my data prep video, I have shown how to do multistep prediction
@mp3311
@mp3311 2 года назад
Great video! Could you create a video on LSTM multivariate anomaly detection?
@ramyasrigorle2609
@ramyasrigorle2609 6 месяцев назад
If there is no trend followed in data then what I have to do? which one I have to use? whether time series works good for multi-regression or not?
@chayanbhattacharya6081
@chayanbhattacharya6081 3 года назад
Very helpful video :-) Thanks
@sanjeevkumar2004
@sanjeevkumar2004 3 года назад
Nice one.
@AGnanaprakasam
@AGnanaprakasam 6 месяцев назад
Can I use the R2 value to measure the accuracy of the LSTM model in time series prediction?
@paolobrignoli3537
@paolobrignoli3537 3 года назад
Amazing video! I was trying to apply this procedure while for multi-output prediction (as you shown in the previous video), but there is some problem concerning shapes of input and output. Could you please explain me how to implement multi-output prediction in this model? Or maybe add to the code in colab how to do that kind of prediction
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Paolo.. I will try to create a notebook in a week and share or video. I did not find much online examples as well which is surprising. But quickly you can add TimeDistributed layer in end and add units to your target size
@isameneses12
@isameneses12 Год назад
Hi Paolo, were you able to implement milti-output prediction? I have the same problem rn I can´t find how to solve it
@data-scientist-sweden
@data-scientist-sweden 10 месяцев назад
@@isameneses12 did you able to do the multi-output prediction? Thanks in advance.
@isameneses12
@isameneses12 10 месяцев назад
@@data-scientist-sweden yes, I was. You have to search for multi-input/multi-output step prediction. I don't have the code with me rn but the most important thing is that you have to use as many neurons as steps to predict ahead in the last dense layer
@data-scientist-sweden
@data-scientist-sweden 10 месяцев назад
@@isameneses12 Thanks it is a great input. If i understand it correctly if you have 3 target to predict for 4 time steps each, you need to have (4*3=12) neurons in the output dense layer. However, @AIEngineering did not recommend multi target output. Did you use TimeDistributed function at the end?
@helloai3470
@helloai3470 3 года назад
I wish I had found your channel earlier!!! Great video,, I have 1 question, it's not related to this video: For Deep Learning, should we go for intel. i5 processor (4 cores) or rygen 5 processor (6 cores),, since, I am thinking of having a laptop with Nvidia GTX GeForce 1660 TI ,, I am consfused here,, As far as I know, numpy, pandas, etc runs on single cores,, and Deep learning more focuses on GPU cores,,, please help me out here, Thanks
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Thank you.. You can go for either CPUs as for CPU workload both works good. Intel as some packages that provides DL acceleration on CPU. I am not sure if that will wok on ryzen. Typically more cores is better as packages like xgboost and some of scikit ML can be run on multi cores. For GPU based workload while GeForce is enough for some of it for others you can use colab or others
@dinidujeewandara2586
@dinidujeewandara2586 3 года назад
Thanks for the great video. Sir, I found the following error when I going to run the code, ( AttributeError: 'TimeseriesGenerator' object has no attribute 'shape' ) Could you kindly explain this issue? Thanks
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Not sure unless I get to see the code. You can check my code here and compare it - github.com/srivatsan88/End-to-End-Time-Series/blob/master/Time_Series_Functions_for_Sequencing.ipynb
@basudhamisra2686
@basudhamisra2686 3 года назад
Importing TimeseriesGenerator with the following command solved the problem for me: from tensorflow.python.keras.preprocessing.sequence import TimeseriesGenerator
@cyt9483
@cyt9483 3 года назад
Try this from tensorflow.keras.preprocessing.sequence import TimeseriesGenerator
@vigneshpadmanabhan
@vigneshpadmanabhan 2 года назад
amazing video.. while i believe the tansform should have happened after the train_test_split just on X_train and X_test. otherwise awesome!
@abidabdulazeez3930
@abidabdulazeez3930 3 года назад
Thank you so much for this video. I would like to know if it is possible to generate a confusion matrix for classification.
@shreyasraja5180
@shreyasraja5180 3 года назад
hey , what if there is data missing in the sequential order? will the model be able to run ? or do we need to train the model and fill in the missing data?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
LSTM does not care about time element unless the order is fine. So missing data is fine but when you predict in future it might not have knowledge of missing information if missing is consistent as per business process
@shreyasraja5180
@shreyasraja5180 3 года назад
I have interpolated missing data and when I run the runn the Lstm model I have loss of NaN and mean absolute error also Nan. Is there any function to call the interpolated dataset?
@anangsuwasto7660
@anangsuwasto7660 3 года назад
Hello sir, I have a question it's maybe silly. How are we suppose to forecast for a new date?, I mean the date that not appear in the data. I know we can forecast one day after the last date of the training data but after that we missing the input features for the next date, so are we need to forecast all the features too,?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
You can forecast up to the prediction length using window length. When you train model you can define both length. beyond that as well you can iterate using current prediction and forecast next. Yes we need to forecast other features separately. But in case if you need to predict all then you can check my VAR model for time series video
@anangsuwasto7660
@anangsuwasto7660 3 года назад
@@AIEngineeringLife thank you for the explanation,
@muhammadfaizaaqw7348
@muhammadfaizaaqw7348 3 года назад
@AIEngineering excellent explanation. I really appreciate your knowledge. I manage to find your script in github and I success executed all your code without error using my own dataset. Now, Im still not clearly understand about the function of timeseriesgenerator. I want to make a forecast 3 hours ahead with interval is 15 minutes. Could you advise me how possible to do that? should we change the parameter of timeseries generator? thank you.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
I have a seperate video explaining timeseriesgeneeator and how it can be done. This must give you the answer - ru-vid.com/video/%D0%B2%D0%B8%D0%B4%D0%B5%D0%BE-i4vGKgbtf1U.html
@AbdusSamad-ts7yg
@AbdusSamad-ts7yg 3 года назад
Assalamualikum how to get the GitHub code?
@raghavendra2096
@raghavendra2096 3 года назад
Hello, A very nice tutorial with practical explanations, i am really loving it. I have a doubt, you had mentioned shuffle as False while fitting the model and stated that data's order (16:58) is important but i think while doing train_test_split, the data is randomly created into 80% and 20%, don't you think the order will be gone in this case?
@nehaali7133
@nehaali7133 3 года назад
Hello, I have a ques that how you took LSTM(128), in general case how to take this value and what if we found 'nan' value in train generator?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Nan values from train generator you have to drop it as based on context_length you might have few. Coming to LSTM size I tried out various architectures. You can check my Keras Tuner video where I do hyper parameter search to find right units that fit the data better. Same can be done for LSTM as well
@ahmedokasha8152
@ahmedokasha8152 3 года назад
@AIEngineering Hello and thanks for the amazing, I have a question regarding the last part. What changes should i do in order to predict a variable other than the first variable (a variable in middle for instance " visibility" ). appreciating your kind support
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Ahmed.. You can set the variable you want to predict as your target. In this case I have set variables at 0 index but if visibility has to be predicted then you can use index 3 instead that is last variable. Note, you might have to do analysis and see on model parameters related to visibility in model
@ahmedokasha8152
@ahmedokasha8152 3 года назад
@@AIEngineeringLife Thanks for your respone. so i will only have to change target = data_scaled[:,0] --- > target = data_scaled[:,3] and pd.DataFrame(x_test[:,1:][win_length:] ---> pd.DataFrame(x_test[:,3:][win_length:] and df_final["predicted_value"]= rev_trans[:,0] --- > df_final["predicted_value"]= rev_trans[:,3]
@rahulpandey6159
@rahulpandey6159 3 года назад
How to apply this for a data which is composed of multiple timeseries? My data has 200 products each have their own sales volume data points per day for three years. So basically each product is an independent time series.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Rahul.. For Multiple time series you have to create multiple models for each of it. You can also check my DeepAR video which allows you to create one global model as well but not recommended if every time series will have different pattern - ru-vid.com/video/%D0%B2%D0%B8%D0%B4%D0%B5%D0%BE-B_a0K2Uj85Q.html In my time series playlist I have 3 to 4 videos on multiple time series using different tools, please see if it helps
@augustocardoso8004
@augustocardoso8004 2 года назад
Hi! Thank you very much for the great video! I have got an error for the batch input shape os the LSTM layers, because we are passing a 2D input and a 3D input is expected. Could you help me please on that? Thanks a lot!
@kukuhiksanmusyahada7615
@kukuhiksanmusyahada7615 2 года назад
can i get the notebook?
@dalilabdouraman3557
@dalilabdouraman3557 9 месяцев назад
Hi All.Wouldn't it be better to scale after the train - test split?To avoid Data leakage?
@davidrodord
@davidrodord Год назад
Thank you it really helped me
@niranjanravi9730
@niranjanravi9730 3 года назад
I am using tf version 1.10.1 and MeanSquaredError function is not present and throwing an error. Would be helpful to know if there is any work around?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
You can write your own function and feed it as metrics. Said that 1.10 is end of life, atleast upgrade to 1.15 or better to get to 2.x
@niranjanravi9730
@niranjanravi9730 3 года назад
@@AIEngineeringLife Hi, yes. I was able to fix the code by replacing it with this: model.compile(loss='mean_squared_error', optimizer = 'adam', metrics = ['mean_absolute_error']) However, since I am trying to train my own dataset which has 13 features, I am getting the below error: ValueError: `validation_data` should be a tuple `(val_x, val_y, val_sample_weight)` or `(val_x, val_y)`. Found: I checked solutions online but I was not able to fix it. Any alternate approaches?
@sandymlgenai
@sandymlgenai 3 года назад
Could you please make a video on stock price prediction using stacked lstm,bilateral lstm ,stacked gru and bilateral gru and make a comparison of the results
@madhurachakraborty__7644
@madhurachakraborty__7644 3 года назад
Great video!! Can I get the notebook of this model that you have built? That would be very helpful... Thanks in advance!
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Madhura, It must be in git repo in coming week. You can check it here where my other time series videos are there - github.com/srivatsan88/End-to-End-Time-Series
@amitchaudhary3998
@amitchaudhary3998 2 года назад
Hello Sir in Defining the model part where you have used early stopping I am getting an error in that part the error is: InvalidArgumentError: Graph execution error: Specified a list with shape [?,4] from a tensor with shape [32,5] [[{{node TensorArrayUnstack/TensorListFromTensor}}]] [[sequential/lstm/PartitionedCall]] [Op:__inference_train_function_34177] What's the solution for the above error??
@slash7954
@slash7954 3 года назад
Very nice video! Thanks a lot! This video is autoencoder?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Nope autoencoder is coming.. This is just LSTM model
@slash7954
@slash7954 3 года назад
Thank your for replying! I am waiting for your video of an autoencoder!
@sparksja
@sparksja 2 года назад
Can you explain why LeakyReLU layers are mixed in with the LSTM and Dense layers?
@adele_90
@adele_90 3 года назад
Great video, thank you very much. I don't why am I getting an error in the end. Do I need to install any package in anaconda? :NameError Traceback (most recent call last) in ----> 1 early_stopping = tf.keras.callbacks.EarlyStopping(monitor='val_loss', 2 patience=2, 3 mode='min') 4 5 model.compile(loss=tf.losses.MeanSquaredError(), NameError: name 'tf' is not defined
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Adeel.. looks like you did not import tensorflow as tf. Tensorflow needs to be installed on this
@adele_90
@adele_90 3 года назад
​@@AIEngineeringLife Thank you very much for your prompt response. I've tensorflow installed, however i updated and getting different error now. May be I am missing some model in anaconda. NameError Traceback (most recent call last) in () 2 patience=2, 3 mode='min') ----> 4 model.compile(loss=tf.losses.MeanSquaredError(), 5 optimizer=tf.optimizers.Adam(), 6 metrics=[tf.metrics.MeanAbsoluteError()]) NameError: name 'model' is not defined
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@adele_90 .. I think you missed one step.. here is my notebook for reference - github.com/srivatsan88/End-to-End-Time-Series/blob/master/Multivariate_Time_Series_Modeling_using_LSTM.ipynb
@adele_90
@adele_90 3 года назад
@@AIEngineeringLife Thank you so much :) I was using Anaconda before and then switched to Colab. Now it's working perfectly fine. I've just started learning deep learning/ML that's why struggle in some areas. Thank you again for posting great work.
@ahmedokasha8152
@ahmedokasha8152 3 года назад
@AIEngineering Hello and thanks again , if i have to predict a variable other than the first variable i will only have to change ? target = data_scaled[:,0] --- > target = data_scaled[:,3] and pd.DataFrame(x_test[:,1:][win_length:] ---> pd.DataFrame(x_test[:,3:][win_length:] and df_final["predicted_value"]= rev_trans[:,0] --- > df_final["predicted_value"]= rev_trans[:,3]
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Yes.. Thats right only thing is I think it must be data_scaled[:3,] instead of ,3 . Need to try it out. Indexing are always confusing :) ,3 might pick all column but we want only last one
@gashawdesalegn9071
@gashawdesalegn9071 3 года назад
@@AIEngineeringLife data_scaled[:3,] has value error:Data and targets have to be of the same length........but ,3 no error!! can u explain???
@nihalahmed4199
@nihalahmed4199 Год назад
what if its categorical data converted to label encoded i think label encoded data no need of scaling how could i continue with out scaling it
@sathipatra9227
@sathipatra9227 9 месяцев назад
please share some videos on multivariate multistep LSTM along with all the error metrics(MAE, RMSE, MAPE, r2 score).
@hasantahir3926
@hasantahir3926 3 года назад
Question do you not care about whether data is stationary? the trend? seasonality? etc
@PT-dr5gy
@PT-dr5gy 3 года назад
Thank you for a great video explaining in details how to approach Time Series Modeling. I am referring to 8:38 time stamp in your video where you defining features to be provided to your model. In my opinion it is not correct to include a target column in the features data. The model will recognize that and becomes dependent 1:1 on this column ONLY causing the whole predictions to be useless. Please provide your comments on that.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
This is a time series problem and not regular regression. In time series there are lot of cases where we use past lags of data, seasonality and trend to model future occurrences. Now coming to 1:1 if you see the data preparation step the model sequences past lags to predict future. To give an example forecasting holiday sales we add previous holiday lags and see trend as well as additional variables like economic indicator and all In typical regression problem we do not sequence the data and that might cause 1:1 if target is added. You can check my time series sequencing video to get more details on sequencing data for time series
@PT-dr5gy
@PT-dr5gy 3 года назад
@@AIEngineeringLife Thank you for your fast reply. May I ask you to provide a link to your "time series sequencing video", please? Thank you very much in advance for your help.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Here it is - ru-vid.com/video/%D0%B2%D0%B8%D0%B4%D0%B5%D0%BE-i4vGKgbtf1U.html
@PT-dr5gy
@PT-dr5gy 3 года назад
@@AIEngineeringLife Thank you. Merry Christmas and Happy New Year!
@rudrappagujanatti3107
@rudrappagujanatti3107 3 года назад
I am trying to run the code on data available with me I am getting following issue ----- Failed to find data adapter that can handle input: ,
@mikhailb8026
@mikhailb8026 3 года назад
Dear Srivatsan, Thanks a lot for your video and notebook. Could you kindly explain, why we cut first 720 (length in generator) elements, but not last 720 elements ? this one df_pred=pd.concat([pd.DataFrame(predictions), pd.DataFrame(x_test[:,1:][win_length:])],axis=1) instead df_pred=pd.concat([pd.DataFrame(predictions), pd.DataFrame(x_test[:,1:][:-win_length])],axis=1) Why do we haven't first 720 elemetns in prediction ? When we created test_generator, there was first set of examples test_generator[0][0] from 32 batches by 720 elements, and I thought, that first prediction (prediction[0]) matches first element in first batch test_generator[0][0][0]. And we do not take last 720 elements after last batch, because we will not have target for last set of elements. Is it not True?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
My lstm input shape is (None, 720, 128) . First 720 is my window length before I get the first prediction and after that with sampling rate 1 it is a sliding window of length 1. So when I feed my test data to model, I will get my first prediction at only win_length. During training you are right that my last few records might not have target labels based on my win_length and sampling_rate. You can validate the first label by just selecting first 721 records and comparing the first label of test_generator x_test[0:721] test_generator[0] In above case first label output of test_generator must be last record of x_test above Hope I am making sense. LSTM data prep is confusing for me all the time :)
@mikhailb8026
@mikhailb8026 3 года назад
@@AIEngineeringLife Thanks for your answer. Could you also give an advice regarding the right way how to tune parallelizing training model process on CPUs? 1) in google colab there is total time for fitting model 10 min There is NVIDIA Tesla T4 GPU. 2) in my virtual machine there is total time for fitting model 2hours + There is Intel® Xeon® Gold 6230 (20 cores) * 16 I tried different approaches to tune setting ig fit_generator: history = model.model.fit_generator(train_gen, epochs=50, validation_data=test_gen, shuffle=False, callbacks=[early_stopping]) a) changing use_multiprocessing and number of workers b) set config and creating session before fitting # jobs = 12 # number of cores # config = tf.compat.v1.ConfigProto(intra_op_parallelism_threads=jobs, # inter_op_parallelism_threads=jobs, # allow_soft_placement=True, # device_count={'CPU': jobs}) # session = tf.compat.v1.Session(config=config) # tf.compat.v1.keras.backend.set_session(session) but I cannot get acceleration in productivity in my virtual machine, fitting run just on 1 CPU from 16. It would be perfect to get some advice or link where I can get answers on this question. Have a good day and thanks in advance!
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@mikhailb8026 CPU parallelism to my knowledge will be beneficial for regular ML models not in this case where order of data is important and we are sequencing everything as single row. I doubt gradient updates will give clear picture and we cannot do data parallelism due to nature of data. In this case GPU will be ideal but higher cores can help matrix multiplication process Above threads might work for computer vision model or regular LSTM based NLP models. I have separate videos of distribution strategy for computer vision but for time series you can parallelize multiple time series cases, not cases of single multivariate time series
@plamedre
@plamedre 3 года назад
Thank you so much for this great video. I would like to plot a prediction for training set too. I have tried it but it did not go well. Could you help me about this issue?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
It is the same.. Instead of test data use model.predict_generator on train data. Once you have training prediction you can use same steps to plot as we did for test data
@plamedre
@plamedre 3 года назад
@@AIEngineeringLife Thanks for quick reply 🙏. I’m going to try it immediately.
@plamedre
@plamedre 3 года назад
@@AIEngineeringLife It worked. Thanks a lot!! :)
@kostastzoumpas6781
@kostastzoumpas6781 3 года назад
Amazing work! Thank you! Please, is it possible to get access to the notebook?
@aqilahrose
@aqilahrose 3 года назад
Sir, thank you so much for this great tutorial! just wanna ask if my data is in daily manner and sporadic, how would be length of my window? can it be just days eg. 1,2,7 days?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
First way of identifying the context length of window is domain knowledge of data. Second using EDA like auto-correlation plot and seasonality. Say if your data has weekly seasonality so window length has to factor it in so your length might be 7 or 14 or some higher duration
@aqilahrose
@aqilahrose 3 года назад
@@AIEngineeringLife tq sir, i see..but my data are sporadic and non-consistent, sometimes in a month, 2 or 3 days are recorded..how about this case?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@aqilahrose What is the reason for missing data?. Are these zeros in other day or is business process not capturing data for those days?
@aqilahrose
@aqilahrose 3 года назад
@@AIEngineeringLife I believe it is not capturing the data for those days. it goes from 8 Jan,9 Jan and suddenly 20 Jan. I play with sensors data provided by the respective websites. but the size of the data is quite big from 1986-2018..
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@aqilahrose If you have huge gap in data and also not consistent pattern it is better to aggregate data at monthly level and do time series. because daily series with only few days captured will not help much and more so if every data has different pattern
@nagasainikhil6760
@nagasainikhil6760 Год назад
can u please tell us how to pass out of time data, like i want to forecast the values after the test data's last data point, example if my test data has 10 data points i want to forcast the next 4 data point's values
@tanmoybhattacharya2761
@tanmoybhattacharya2761 3 года назад
in this line TimeseriesGenerator(features, target, length=2, sampling_rate=1, batch_size=1)[0] what is [0] here? please reply, and if am working with quarter data then what should be the length size? @AIEngineering
@AIEngineeringLife
@AIEngineeringLife 3 года назад
If your data is quaterly and you want to look back 2 quarters length will be 2. so it must match your data granularity. 0 index is first batch 1st is 2nd batch and so on
@tanmoybhattacharya2761
@tanmoybhattacharya2761 3 года назад
@@AIEngineeringLife ok, thank you. This is really helpful
@tanmoybhattacharya2761
@tanmoybhattacharya2761 3 года назад
@@AIEngineeringLife and what would be the win_length for quarter data?
@sarakaleem7184
@sarakaleem7184 2 года назад
Hey could you please explain what should we do if the target variable is categorical with values such as flooded, severe flood, no flood. And do we do missing data imputation for target variable as well?
@PoncyPenguin
@PoncyPenguin Год назад
label encode, or hot encode it
@monikadogra9153
@monikadogra9153 3 года назад
in LSTM algorithm what should be the layers if problem is supervised classification.Target having labels 0 and 1 to predict .
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Hi, Are you asking layers or unit size here?. You can check my NLP playlist where I have covered it for classification task - ru-vid.com/group/PL3N9eeOlCrP6zMkHMxFJV4yXIsET5aWlc
@monikadogra9153
@monikadogra9153 3 года назад
​@@AIEngineeringLife hi, asking for layers... i have a classification problem all x- variables are continuous values and target is either good or bad or we can say 1 or 0. I want to apply LSTM so what losses, activation function should i chose and how?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@monikadogra9153 Since you have 1 and 0 categories (only 2) you can use binary_crossentropy as loss but for activation you can try with either relu or tanh and see which performs better. Last layer will be sigmoid though
@monikadogra9153
@monikadogra9153 3 года назад
@@AIEngineeringLife thank you
@monikadogra9153
@monikadogra9153 3 года назад
@AIEngineering sir i have one doubt why we are including the column which we want to predict in input variable as well in general case we don't do that? we don't include target variable in X variables bur here we are including?
@penieladounkpe9548
@penieladounkpe9548 3 года назад
Very nice video but you forgot to remove the target from the feature set before training the model
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Peniel.. This is time series model and past lags of target is used to predict future lags. Like past sales is used to forecast future sales, reason we have target to it. Even though we use target it does not learn mapping due to the way we prepare data for it. YOu can check this video on how we prepare data for time series - ru-vid.com/video/%D0%B2%D0%B8%D0%B4%D0%B5%D0%BE-i4vGKgbtf1U.html
@statsnow3354
@statsnow3354 3 года назад
I want to run this for the CNN model. Do I need to do any other feature processing or this will work? And also if I want to predict 24 steps ahead at a time do I need to add 24 dense on the last layer? And how to get back the predicted value with the date column? Lastly, I want to forecast the value beyond the test data. How can I do this? Can I just predict the value without other variables?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
if you are running CNN then basically you are running a 1D CNN. CNN will ok for univariate but for multivariate I am not sure. For predicting beyond test data you need to know future values of independent variable. You can check VAR model video of mine if you want to predict all variables
@commracA
@commracA 3 года назад
9:05 => would it also be possible to predict more targets? like inputing, lets say, the data [A, B, C , D] and wanting a multivariate forecast for all of those? I'm working with weather data and multivariate I/O are kinda nice for me c: +1 subscriber
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Thomas.. If I understand you want to predict multiple variable in same model. I would not advice that as when we talk multi variate each variable output has a certainty and typically we run separate models to forecast it and feed it to main model. Multi step is possible though where we can create target to forecast multiple steps on single variable. I have covered it in my data preparation video to some extent
@commracA
@commracA 3 года назад
woaaaah, thx for your response. didn't think you'd actually answer me. I'll surely take a look in the video you've told me about :'3 Thx 4 the attention
@tarunvarma7671
@tarunvarma7671 3 года назад
How can we predict multiple companies stock price predictions using lstm
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Tarun... each company is a time series by itself so in this case you need multiple models. You can check out my video on multiple timeseries
@raghavagrawal6263
@raghavagrawal6263 2 года назад
Thank You. I am also doing the coding with you But while training I got a Type error in fit generator. ERROR-> TypeError: Expected float32, but got auto of type 'str'. Please help.
@jaiyeshchahar
@jaiyeshchahar 3 года назад
One note: for updated tensorflow (2.x) , Using a tensorflow.keras.Sequential(LSTM) model but a keras generator will cause error so instead of from keras.preprocessing.sequence import TimeseriesGenerator use tensorflow.keras.preprocessing.sequence.TimeseriesGenerator(...)
@PoncyPenguin
@PoncyPenguin Год назад
How do I do this, please help
@user-kk7le6vj9m
@user-kk7le6vj9m 9 месяцев назад
Its so simple just replace old code with new one@@PoncyPenguin
@LUCAS-lu1ii
@LUCAS-lu1ii 2 года назад
Hi, I am getting loss:nan when fitting my dataset, can I know what's the problem?
@rockyrocamora8031
@rockyrocamora8031 2 года назад
i followed everything but i get this type of error: InvalidArgumentError: Graph execution error: Specified a list with shape [?,3] from a tensor with shape [32,4] [[{{node TensorArrayUnstack/TensorListFromTensor}}]] [[sequential/lstm/PartitionedCall]] [Op:__inference_train_function_87432] can someone help me with this? thank you
@ritujhalani2890
@ritujhalani2890 Год назад
ValueError: Failed to find data adapter that can handle input: , Please give the solution for above error at model.fit_generator
@vedsoni3600
@vedsoni3600 3 года назад
Hello sir! Thanks a lot for this very informative video. I tried implementing the same using your github code, but have a problem in step 32 at 21:07. When I try this, I get the error: Must pass 2-d input. shape=(51, 5, 1). Please let me know how I can resolve the same.
@vedsoni3600
@vedsoni3600 3 года назад
Should it be 'predictions[0]' instead of just 'predictions' in the concatenation step?
@vedsoni3600
@vedsoni3600 3 года назад
It probably has something to do with my LSTM model output since I've changed it from what you have shown. I'll try to figure it out. Thanks!
@vedsoni3600
@vedsoni3600 3 года назад
The shape of my raw data is (185,4). For the time series generator, I have window_length = 5, batch_size=16 and num_features=4. I am using 70% of the data for training and the remaining for testing. The shape of my predictions array is (51,5,1). Why is that, I checked your predictions array shape and it is (3227,1). Why does mine have 3 dimensions? Does that have something to do with the model output? That is what is causing the error.
@vedsoni3600
@vedsoni3600 3 года назад
I figured it out, it has to do with return_sequences. When I set it to True, I am getting a 3D output array and when I change it to False, it becomes 2D. Sorry for being a bother. I hope someone is helped due to these comments of mine.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@vedsoni3600 Sorry just seeing it. Thanks for commenting your results as it might help someone with similar issue
@81rashmi
@81rashmi 3 года назад
Thanks for great explanations! How to see these results back with actual dates
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Based on forecasting length we can create a future dataframe and append it to existing one
@statsnow3354
@statsnow3354 3 года назад
@AIEngineering can you give an example of how to add a future dataframe? *And can this data system use in CNN model?*
@Areeva2407
@Areeva2407 3 года назад
Overall Good but main THING Models not clearly defined why 128 selected ???
@tartilasahid8056
@tartilasahid8056 3 года назад
im sorry for asking, but i would like to know if theres any way i can predict the future without having the need of test set
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Yes you can. If you just take previous time length from train you will get next future value
@harisshaukat4780
@harisshaukat4780 3 года назад
Just to confirm, what we are doing in this video is forecasting correct?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Yes that's right. We are doing single step forecasting here
@harisshaukat4780
@harisshaukat4780 3 года назад
@@AIEngineeringLife What if we want to forecast 12 hours ahead? Can we make some tweak to this code that will enable us to do that? Or is it covered in some other video? Thanks again for your super fast replies 🙏🙂
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@harisshaukat4780 . Now one prediction is one time step but u can iterate and forecast for longer duration Another option is to model as multi step prediction. I have covered it in my data preparation for sequencing video. We can use that data to train a model
@tanmoybhattacharya2761
@tanmoybhattacharya2761 3 года назад
in this line TimeseriesGenerator(features, target, length=2, sampling_rate=1, batch_size=1)[0] what is [0] here? please reply, and if am working with quarter data then what should be the length size?
@penieladounkpe9548
@penieladounkpe9548 3 года назад
0 show the first element of the printed request
@kirangeorge7659
@kirangeorge7659 3 года назад
Great video! How do I make predictions of new values other than test data?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Kiran you can just sequence it as it is done in this video or pass numpy array. Model and scaler is required during prediction that you can save
@abhirammv8885
@abhirammv8885 2 года назад
df_pred = pd.concat([pd.DataFrame(predictions).pd.DataFrame(x_test[:,1:][win_length:])],axis=1) ValueError: Must pass 2-d input what do I do?
@kashokmyp
@kashokmyp 2 года назад
Can I predict future values as well?
@nibinjoshy4218
@nibinjoshy4218 3 года назад
which version of tensorflow is you are using sir, code doesn't work with current version( 2.5)
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Nibin.. It must be 2.1. Created this video a year back. Unfortunately tensorflow apis have been an headache with constant changes. Concept must be similar. Let me try to make a video with latest version next month
@nibinjoshy4218
@nibinjoshy4218 3 года назад
@@AIEngineeringLife thank you sir, then if use tensorflow 2.1 instead of current version will i get the correct results
@RettlonHD
@RettlonHD 3 года назад
what is happening at 6:32? or is that just for me ?
@ArunKumar-fv6uw
@ArunKumar-fv6uw 3 года назад
In 14:44, if I give Dense(10) instead of dense(1) in last layer, I can get forecast for next 10 days directly.. Am I right?
@omerfaruque6228
@omerfaruque6228 3 года назад
No its wrong
@ArunKumar-fv6uw
@ArunKumar-fv6uw 3 года назад
@@omerfaruque6228 How to forecast for next 10 days in a step in LSTM?
@dbgm12
@dbgm12 2 года назад
model.compile(loss=tf.losses.MeanSquaredError(), optimizer=tf.optimizers.Adam(), metrics=[tf.metrics.MeanAbsoluteError()]) Hi wats the difference btw loss and metrics? One is based on MSE while the other is MAE. Thanks so much
@monikadogra9153
@monikadogra9153 3 года назад
Hi sir, I have a data batch wise (say 100 batch)and every batch run for a fix duration. Now my task is at a given time instance find out what will the batch's output whether it is good batch or bad batch based some quality parameters? can i apply LSTM for this problem? trying to apply but not getting satisfactory results if any suggestion you can give ? it will be a great help.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
You mean during prediction time?. You are passing batches and want to see if data is in pattern or out of pattern with trained data like in anomaly detection cases?. Trying to understand the question here
@monikadogra9153
@monikadogra9153 3 года назад
​@@AIEngineeringLife ok, sir i have batch(say 100 batches) wise data each batch run for 0-48hr and finally we classify each as good batch or bad batch, based on three parameters called as quality parameters have some threshold values. if batch is >= those thresholds named as good otherwise bad. now my objective is to predict before the completion of the batch whether it is going to be good or bad( by checking the value of quality parameters ) ? so by giving some history value say 30 time instances want to predict end point value (not t+1,t+2,) every time end point.So that we can check at any hr (at early hr)current batch is deviating towards good or bad.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Yes so this is regular time series forecasting and it is possible provided your bad batch elements have a journey that can be well modeled in good batch.. To give an example of AIOps say u want to predict API failure and before failures we typically see out of memory or packet drop error then good batch will capture pre failures and we can predict there is a possible failure I hope I am making sense
@sougataroy6532
@sougataroy6532 3 года назад
Is it possible to get predicted value exactly same as actual value?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Sougata.. it s difficult in real world data unless data is just a multiplier of previous value. Best models can do is get closer to actual and give a confidence range
@sougataroy6532
@sougataroy6532 3 года назад
@@AIEngineeringLife I tried your code but my actual and predicted values are exactly same. Can you please help me
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@sougataroy6532 you mean you ran the notebook from my git and it gives similar value?. I reran it and I do not see it that way. Is it possible for you to share your output
@sougataroy6532
@sougataroy6532 3 года назад
@@AIEngineeringLife no no dear...I tried your code on my dataset ... But my actual and predicted values are coming same
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@sougataroy6532Few reason it might happen is the data can be easily model and might be a simple exponential function. Other reason is maybe the validation or comparison is done with actual y rather ypred, just by mistake. Too hard to say for me without seeing the data and notebook
@mihirbhawsar3150
@mihirbhawsar3150 3 года назад
Please ek video k-means with lstm model per bi .
@affunafar1423
@affunafar1423 Год назад
Hi Sir, if we want to predict next 10 days if appliances,how can we do that?
@prathamsoni69
@prathamsoni69 Год назад
did u find any solution?
@rafiaakhter2214
@rafiaakhter2214 3 года назад
Hello, instead of time stamp, how can I use other serial. Person id_val1, person id_val2, .
@AIEngineeringLife
@AIEngineeringLife 3 года назад
You can pass anything for LSTM instead of time stamp. Basically you have to just make sure sequence of data flowing in to LSTM is arranged in right order
@brainx-ei6uk
@brainx-ei6uk Год назад
How can future values be predicted? I mean values that are not contained in the dataset instead of train and test values (next instances)
@prathamsoni69
@prathamsoni69 Год назад
did u find any solutions?
@isameneses12
@isameneses12 Год назад
@@prathamsoni69 did you?
@prathamsoni69
@prathamsoni69 Год назад
@@isameneses12 test_predictions = [] first_eval_batch = scaled_test[-win_length:] current_batch = first_eval_batch.reshape((1,win_length,num_features)) for i in range(win_length): current_pred = model.predict(current_batch)[0] test_predictions.append(current_pred) new_input = np.append(current_batch[:,1:,:],[[current_pred]] , axis=1) current_batch = new_input test_predictions will have scaled values so u can use inverse_transform Note: thesepredictions wont have a date but u can add dates using for loop.
@user-fn6ur7hh9r
@user-fn6ur7hh9r 3 года назад
link for the dataset -> 'archive.ics.uci.edu/ml/machine-learning-databases/00374/energydata_complete.csv'
@tanmoybhattacharya2761
@tanmoybhattacharya2761 3 года назад
history = model.fit_generator(train_generator, epochs=50, validation_data=test_generator, shuffle=False, callbacks=[early_stopping]) after this step am getting error like 'TimeseriesGenerator' object has no attribute 'shape'. How can i solve this issue?? @AIEngineering
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Did you pick the notebook from my repo and run it?
@tanmoybhattacharya2761
@tanmoybhattacharya2761 3 года назад
@@AIEngineeringLife hi, I have solved the issue. Thank you.
@PoncyPenguin
@PoncyPenguin Год назад
@@tanmoybhattacharya2761 How did you solve it, please help
@Areeva2407
@Areeva2407 3 года назад
what does LSTM 128/ 64 means NOT CLEAR
@albertnoub371
@albertnoub371 Год назад
Thanks
@mahdishosseini2192
@mahdishosseini2192 3 года назад
minmax scaling for time series?!
@mdfaiz4583
@mdfaiz4583 3 года назад
Please, show us how to predict future beyond test data set
@AIEngineeringLife
@AIEngineeringLife 3 года назад
I have used my test data as future forecast here. We can build a future dataframe similarly and get temperature data and others from website like weather dot com and then run the data frame for test data. In this case appliances which is also a input column has to be used in regressive way
@erensarnic4058
@erensarnic4058 3 года назад
I was going to ask the same question. Is it not possible to forecast (predict a future point) without any knowing of input features in multivariate time series? Because in univariate time series we can predict the future by adding the predictions as inputs.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@erensarnic4058 Multivariate time series is hard in that sense as dependent variables have to be forecasted or sourced first. With multivariate to my knowledge there is no other way out. Univariate deoends on itself and so it is easy but lot of real world problems has external dependency as well and univariate in these cases alone might not suffice
@erensarnic4058
@erensarnic4058 3 года назад
So the same thing goes with classic time series models such as ARIMA, SARIMAX etc. If it is multivariate time series it is hard to go beyond test data.
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@erensarnic4058 It is hard but not impossible. External data like weather, economic indicator can be sourced relatively easy from external vendors but internal data has to be simulated along with time series modeling
@gashawdesalegn9071
@gashawdesalegn9071 3 года назад
10q!!!!!!subscribed!!!
@xuanyang2975
@xuanyang2975 Год назад
is there github code for this one, thanks so much
@vanshikachhabra4122
@vanshikachhabra4122 2 года назад
Hey, Can you share the github link for the same ?
@sachinbainur2636
@sachinbainur2636 3 года назад
Can you please share the notebook?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Here it is - github.com/srivatsan88/End-to-End-Time-Series/blob/master/Multivariate_Time_Series_Modeling_using_LSTM.ipynb
@sachinbainur2636
@sachinbainur2636 3 года назад
@@AIEngineeringLife Thank you soo much :) This was really useful. I have question i.e while preparing test data from other csv file we usually dont have y_test, How can we use TimeSeriesGenerator function in this case?
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@sachinbainur2636 if you see TImeseriesgenerator it does not store any parameters, so the same wat you use in train you can just copy it in test as well
@sachinbainur2636
@sachinbainur2636 3 года назад
@@AIEngineeringLife suppose I have 30 rows of data in and I dnt have a column ' App' which is also an input and a column to be predicted. All the values of column must be predicted, how can i pass input to model? It will show me dimension error
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@sachinbainur2636 if you have to predict all future values of variables then start with VAR model and see. Like here - ru-vid.com/video/%D0%B2%D0%B8%D0%B4%D0%B5%D0%BE-TpQtD7ONfxQ.html LSTM multivariate prediction is difficult but I have plans to make a video of it
@WahranRai
@WahranRai 3 года назад
THAT IS ALL WRONG ! It is time serie you must : .add stateful = true in LSTM layer .remove the validation from the fitting and the testing must be back test testing (you must test one by one instance of test and adding the instance to training (LOOP with reset state for each epoch)
@AIEngineeringLife
@AIEngineeringLife 3 года назад
Both Stateful and Stateless are valid configuration depending on need of data. I do not see a general rule that all TS has to be stateful. Usage of Stateful or stateless in Time Series depends on how long in your sequence you want dependencies to be factored in. If I have very long sequence length it makes sense. If you see sequence length here I have boxed it already. Back testing was not scope of this video. I have covered Back Testing with DeepAR which is based on LSTM network in a seperate video
@WahranRai
@WahranRai 3 года назад
@@AIEngineeringLife I recommend to you to read Jason Brownlee blog and understand what is time series (LSTM must be stateful when it is a time series, review the LSTM cell)
@AIEngineeringLife
@AIEngineeringLife 3 года назад
@@WahranRai I will check it out. Meanwhile you can check below from stackoverflow as well.. I do use stateful in some cases where my sequences are very long. Say i need a long context for forecasting like based on yearly seasonality or econometric model stackoverflow.com/questions/39681046/keras-stateful-vs-stateless-lstms stackoverflow.com/questions/52027278/do-i-need-a-stateful-or-stateless-lstm In this case I feel stateful will not give me much of an advantage
Далее
181 - Multivariate time series forecasting using LSTM
22:40
End to End Topic Modeling using scikit learn
22:59
Просмотров 16 тыс.
Time Series Forecasting with XGBoost - Advanced Methods
22:02
180 - LSTM Autoencoder for anomaly detection
26:53
Просмотров 88 тыс.
LSTM Time Series Forecasting Tutorial in Python
29:53
Просмотров 207 тыс.
Long Short-Term Memory (LSTM), Clearly Explained
20:45
Просмотров 539 тыс.
LSTM-Based Time Series with PyTorch (10.2)
13:54
Просмотров 5 тыс.