Author: Peter Editor: Peter
Hello, I'm Peter~
Today, I will bring you a new practical case of kaggle data analysis: London bicycle demand forecasting analysis based on long-term and short-term memory network (LSTM) model. Two highlights of this article:
- Advanced visualization: This paper uses seaborn for visual exploration and analysis, with exquisite charts, diversified analysis dimensions and clear conclusions
- Using LSTM model: the use of long-term and short-term network model makes the results more valuable and referential
data:image/s3,"s3://crabby-images/71a78/71a78927ac9c71ee37f2ca9d25dd310a18200c6f" alt=""
This is a third ranking scheme:
data:image/s3,"s3://crabby-images/cfffb/cfffb0233356dc4c56c7f5213c9e119ba2d7d250" alt=""
Interested can refer to the original notebook address for learning:
https://www.kaggle.com/yashgoyal401/advanced-visualizations-and-predictions-with-lstm/notebook
There is another similar article:
https://www.kaggle.com/geometrein/helsinki-city-bike-network-analysis
Article steps
The following are the main steps in the original text: data information, feature engineering, data EDA, preprocessing, model construction, demand prediction and evaluation model
data:image/s3,"s3://crabby-images/eb641/eb641d82a0658b0122ea76a6aaabcb1415630ee6" alt=""
LSTM model
This paper focuses on the use of LSTM model. LSTM is a time recurrent neural network, which is suitable for processing and predicting important events with relatively long interval and delay in time series.
The strength of Xiaobian is limited, and the principle of the model is explained in detail. Reference books and articles:
1. Excellent book: Long Short Term Memory Networks with Python is the work of Jason Brownlee, an Australian machine learning expert
2. Zhihu article: https://zhuanlan.zhihu.com/p/24018768
3. Station B: search the explanation of leader Li Mu about LSTM
data:image/s3,"s3://crabby-images/e9a5f/e9a5fdc1e17f0a5b940a99570dfb0b9983da7fdd" alt=""
data:image/s3,"s3://crabby-images/c8916/c8916e2df9f5425d0449ab2e4d4f409fd9e8b3a1" alt=""
If you have strength in the future, you must write an article on the principle of LSTM~
Study together! Roll it!
data
Import library
import pandas as pd import numpy as np # seaborn visualization import seaborn as sns import matplotlib.pyplot as plt sns.set(context="notebook", style="darkgrid", palette="deep", font="sans-serif", font_scale=1, color_codes=True) # Ignore warning import warnings warnings.filterwarnings("ignore")
Read data
data:image/s3,"s3://crabby-images/e8dc6/e8dc6adac46ec8eefa493caae4d5fd664ecd0912" alt=""
essential information:
# 1. Data volume data.shape (17414, 10) # 2. Data field type data.dtypes timestamp object cnt int64 t1 float64 t2 float64 hum float64 wind_speed float64 weather_code float64 is_holiday float64 is_weekend float64 season float64 dtype: object
There are no missing values in the data:
data:image/s3,"s3://crabby-images/10cf1/10cf166d7ec1860a5fe3796a60e9f9176d5db387" alt=""
Field meaning
Explain the meaning of the fields in the following data:
- Timestamp: timestamp field used to group data
- cnt: new bike share count
- t1: actual temperature in C
- t2: temperature in C "feels like", subjective feeling
- hum: humidity percentage
- windspeed: wind speed, in km / h
- weathercode: weather category; (see the last in the figure below for specific values)
- Ishholiday: Boolean field, 1-holiday, 0-non holiday
- isweekend: Boolean field; 1 if the day is weekend
- Season: category meteorological season: 0 - spring; 1 - summer; 2 - autumn; 3 - winter
data:image/s3,"s3://crabby-images/6536b/6536bcb60bf532ded88d89847f90fd76e54e9e45" alt=""
TensorFlow basic information
View the GPU information and version of TensorFlow:
data:image/s3,"s3://crabby-images/d3ca2/d3ca2d1db53bca87662a07a4189774fdfed39a7c" alt=""
Characteristic Engineering
The following describes the implementation of Feature Engineering in this paper:
Data information
The info information of a DataFrame can display many basic information, such as field name, non empty quantity, data type and so on
data:image/s3,"s3://crabby-images/2f731/2f7319661ba65a07e0207c6a2e8d59d32d6bc2ec" alt=""
Time field processing
Process the time related fields in the original data:
1. Convert timestamp to time type
data:image/s3,"s3://crabby-images/a0a1b/a0a1b70bfba696213aca8f33670318f10886c599" alt=""
2. Convert to index
Use set_ The index method converts the timestamp attribute to an index
data:image/s3,"s3://crabby-images/1a377/1a377c995c7f166071379a5cdaa13a3a0ea1fbc6" alt=""
3. When extracting, the day, week, month and other information of a month
Extract multiple information related to time and view the shape of the data at the same time
data:image/s3,"s3://crabby-images/79a29/79a29ac2a55d2300ec4f71afa2ea63f2e2cb8786" alt=""
Correlation coefficient analysis
1. The absolute value is obtained from the correlation coefficient
data:image/s3,"s3://crabby-images/23d0e/23d0ef0cf8ed16e5e6f5efa894f56acacc96c4ab" alt=""
2. The correlation coefficient between filtering two attributes is greater than 0.8
data:image/s3,"s3://crabby-images/54a72/54a7215a82cf2375ed9d495c79d0946b406e3469" alt=""
Data EDA
Correlation coefficient thermodynamic diagram
plt.figure(figsize=(16,6)) sns.heatmap(data.corr(), cmap="YlGnBu", # Color system square=True, # square linewidths=.2, center=0, linecolor="red" # line color ) plt.show()
data:image/s3,"s3://crabby-images/924f5/924f599b6811ebae46c412a48066a51e05375d47" alt=""
Through the thermodynamic diagram, we find that the correlation coefficients of t1 and t2 are relatively high, which is consistent with the above conclusion that the coefficient between attributes is greater than 0.8
Null value judgment
About how to judge whether there is a null value in a piece of data, the common methods used by the editor are as follows:
data:image/s3,"s3://crabby-images/4f89a/4f89a34f0502cff24e17d8fbff829b344277f517" alt=""
The method used in this paper is: Based on the thermal diagram display. There is no information in the graph, indicating that there is no null value in the data
data:image/s3,"s3://crabby-images/d2707/d2707841ed03c1b8afb82f1f2bca2d8f77066c24" alt=""
Demand change
The relationship between the overall demand cnt and time:
plt.figure(figsize=(15,6)) sns.lineplot(data=data, # incoming data x=data.index, # time y=data.cnt # requirement ) plt.xticks(rotation=90)
data:image/s3,"s3://crabby-images/21d6d/21d6de8d7f12c945b95286d0b87a8c7adc04d3b4" alt=""
From the graph above, we can see the demand change under the overall date.
Sample by month
The sampling function in pandas uses resample, and the frequency can be day, week, month, etc
data:image/s3,"s3://crabby-images/d2d2a/d2d2a3127e00934956c95a84825815087a5cdf46" alt=""
Check the change of monthly demand over time:
plt.figure(figsize=(16,6)) sns.lineplot(data=df_by_month, x=df_by_month.index, y=df_by_month.cnt, color="red" ) plt.xticks(rotation=90) plt.show()
data:image/s3,"s3://crabby-images/b04e8/b04e86b45f34fbeb8e7b307f3f03247684c5760e" alt=""
The following three conclusions can be observed from the figure:
- From the beginning of the year to July and August, the demand showed an upward trend
- It reached a certain peak in August
- After August, demand began to decline
Hourly demand
plt.figure(figsize=(16,6)) sns.pointplot(data=data, # data x=data.hour, # hour y=data.cnt, # requirement color="red" # colour ) plt.show()
data:image/s3,"s3://crabby-images/6ac42/6ac42beda77b2c156b2b64c2a05a4ae460d4b5f8" alt=""
Monthly demand comparison
plt.figure(figsize=(16,6)) sns.pointplot(data=data, x=data.month, y=data.cnt, color="red" ) plt.show()
data:image/s3,"s3://crabby-images/07aa1/07aa11a6e8466b4c3405cb570635a9307327ab1c" alt=""
Obvious conclusion: July is the peak of demand
Statistics by week
plt.figure(figsize=(16,6)) sns.pointplot(data=data, x=data.day_of_week, y=data.cnt, color="black") plt.show()
data:image/s3,"s3://crabby-images/c8a04/c8a04862da304bc3d7c977a6fbf42dc93615c8a1" alt=""
It is observed from the figure that:
- The demand from Monday to Friday is significantly higher than that on weekends;
- Meanwhile, it showed a downward trend on Friday
According to natural day
plt.figure(figsize=(16,6)) sns.lineplot( data=data, x=data.day_of_month, # One day in a month y=data.cnt, # requirement color="r") plt.show()
data:image/s3,"s3://crabby-images/dfb73/dfb731b4b304f238f08e28e1e6122efda156bf3b" alt=""
3 conclusions:
- The demand is gradually increasing in the first 10 days
- There are some small fluctuations in the middle 10 days
- In the last 10 days, the fluctuation increased and showed a downward trend
Visualization effects in multiple dimensions
Hours based on holidays
plt.figure(figsize=(16,6)) sns.pointplot(data=data, x=data.hour, # Statistics by hour y=data.cnt, hue=data.is_holiday # Holiday grouping ) plt.show()
data:image/s3,"s3://crabby-images/e58b0/e58b099005eee585c5a646187800ccb5055bf42c" alt=""
The results presented by the above graphics;
- Non holiday (is_holiday=0): at 8 o'clock and 17 and 18 o'clock in the afternoon, it is the peak time of car use, which happens to be the time of commuting
- In the case of holidays (1): 2-3 p.m. is the real peak period of car use
Month based on holidays
plt.figure(figsize=(16,6)) sns.pointplot(data=data, x=data.month, y=data.cnt, hue=data.is_holiday ) plt.show()
data:image/s3,"s3://crabby-images/22c7f/22c7f51ac5b59afc96f812442ec90c51b59d7b4f" alt=""
In non holidays, the peak of car use was reached in July
3. According to quarterly statistics
plt.figure(figsize=(16,6)) sns.pointplot(data=data, y=data.cnt, x=data.month, hue=data.season, # Quarterly grouping ) plt.show()
data:image/s3,"s3://crabby-images/9ba30/9ba30750bf5d860de0799ff8d1e79963a0867364" alt=""
It is observed from the above figure that the third quarter (June – July – August) is the time when the demand for vehicles is the largest
4. Quarter + holiday
plt.figure(figsize=(16,6)) # Group statistics quantity sns.countplot(data=data, x=data.season, hue=data.is_holiday, ) plt.show()
data:image/s3,"s3://crabby-images/220e1/220e17075624b8b25f34deb840957ab32fd1f3e8" alt=""
From quarter 1-2-3-4, the overall demand in non holiday quarters 1 and 2 is slightly higher than that in quarter 0 and 3; In holidays, there is a certain demand in the 0-3 quarter
5. Weekend + hours
plt.figure(figsize=(16,6)) sns.lineplot( data=data, x=data.hour, # hour y=data.cnt, hue=data.is_weekend) # Weekend statistics plt.show()
data:image/s3,"s3://crabby-images/be8fe/be8fe4b901639101cddae5b2bb07ed5c86e203b8" alt=""
- Non weekend (0): it is still 7-8 a.m. and 17-18 p.m., which are the peak periods of car use
- Weekend (1): the peak time is 14-15 p.m
This conclusion is consistent with the above
6. Quarter + hour
plt.figure(figsize=(16,6)) sns.pointplot(data=data, x=data.hour, y=data.cnt, hue=data.season # Quarterly statistics ) plt.show()
data:image/s3,"s3://crabby-images/69a64/69a6460fc4166f6f000f4d7375c18b9fd190f3a7" alt=""
Check the demand of each hour by quarter: the overall trend is roughly the same, reaching the high seal period in the morning around 8 o'clock and another high seal period at 17-18 o'clock in the afternoon (after work)
Weather factors
Relationship between humidity and demand
Observe the change of demand under different humidity:
plt.figure(figsize=(16,6)) sns.pointplot(data=data, x=data.hum, y=data.cnt, color="black") plt.xticks(rotation=90) plt.show()
data:image/s3,"s3://crabby-images/3f763/3f7631d12c2b1584ac5ca228ef6985b91201569f" alt=""
It can be seen that the higher the air humidity, the lower the overall demand
Wind speed and demand
plt.figure(figsize=(16,6)) sns.pointplot(data=data, x=data.wind_speed, y=data.cnt) plt.xticks(rotation=90) plt.show()
data:image/s3,"s3://crabby-images/ce6ff/ce6ff05ff366b342d826a9069e5edfc10acee0bb" alt=""
Impact of wind speed on demand:
- There is a local peak when the wind speed is 25.5
- When the wind speed is high or low, the demand decreases
Different weather conditions_ code
plt.figure(figsize=(16,6)) sns.pointplot(data=data, x=data.weather_code, y=data.cnt) plt.xticks(rotation=90) plt.show()
data:image/s3,"s3://crabby-images/903e8/903e87095e833e9f66aa54ebba0ac9b657dbfcd2" alt=""
Conclusion: it can be seen that the demand is the largest in the case of scattered couds (weather_code=2)
Weather conditions + hours
plt.figure(figsize=(16,6)) sns.pointplot(data=data, x=data.hour, y=data.cnt, hue=data.weather_code # Sub weather statistics ) plt.show()
data:image/s3,"s3://crabby-images/2a6b9/2a6b944c3d74ed259efbdef1c0e5158bce6f4e25" alt=""
It is observed from the morning that different weather has little impact on the trend of hourly demand, and the demand is still the largest during the rush hour, indicating that workers' travel to work is hardly affected by the weather!!!
Natural days + weather conditions
plt.figure(figsize=(16,6)) sns.countplot( data=data, x=data.day_of_week, # What day of the week hue=data.weather_code, # weather condition palette="viridis") plt.legend(loc="best") # Location selection plt.show()
data:image/s3,"s3://crabby-images/f67df/f67df558816be11a1d1ccace0fd02c815b96a028" alt=""
It can be observed from the above figure:
- On different days of the week, the demand under code=1 is the largest
- Demand: Code > 1 to 4 weeks
- By Saturday and Sunday: people pay less attention to the weather when they travel. Except code=1, the demand gap of other weather conditions is also narrowing!
Box diagram
The box chart can reflect the distribution of a set of data
By hour
plt.figure(figsize=(16,6)) sns.boxplot(data=data, x=data.hour, # hour y=data.cnt) plt.show()
data:image/s3,"s3://crabby-images/2956f/2956f83ee305e087ffb44d51fede4385279b98c7" alt=""
From the distribution of the box chart, it is observed that there are two important time periods: 7-8 a.m. and 17-18 p.m
Day of the week
plt.figure(figsize=(16,6)) sns.boxplot( data=data, x=data["day_of_week"], y=data.cnt) plt.show()
data:image/s3,"s3://crabby-images/faac6/faac65a6775fa2a6f11dd120011d60c13a0163a4" alt=""
In the box chart based on week, there is a certain rush hour on Wednesday
Natural day of the month
plt.figure(figsize=(16,6)) sns.boxplot(data=data, x=data["day_of_month"], y=data.cnt) plt.show()
data:image/s3,"s3://crabby-images/c54d9/c54d935552742812af856c88aad4acf0c6a4d457" alt=""
In the case of natural days, there is a peak on the 9th
monthly
plt.figure(figsize=(16,6)) sns.boxplot(data=data, x=data["month"], y=data.cnt) plt.show()
data:image/s3,"s3://crabby-images/df40a/df40ac0039ce0d87d0f1e3a05a482c7d8074f639" alt=""
It is obviously observed that there is a certain peak demand from July to August, and the demand on both sides is relatively less
Holiday + day of month
# Are the days and holidays counted in each month plt.figure(figsize=(16,6)) sns.boxplot( data=data, x=data["day_of_month"], y=data.cnt, hue=data["is_holiday"]) plt.show()
data:image/s3,"s3://crabby-images/62d9f/62d9fcdd2d35fa78f46543886b805096bdcd91df" alt=""
Data preprocessing
Let's start modeling. The first step is data preprocessing, which mainly includes two points:
- Segmentation of data sets
- Data normalization and standardization
Segmentation data
The data set is segmented in a ratio of 9:1:
# Module for segmenting data sets from sklearn.model_selection import train_test_split train,test = train_test_split(data,test_size=0.1, random_state=0) print(train.shape) print(test.shape) # ------ (15672, 13) (1742, 13)
data normalization
from sklearn.preprocessing import MinMaxScaler # Instantiate object scaler = MinMaxScaler() # Fitting of some fields num_col = ['t1', 't2', 'hum', 'wind_speed'] trans_1 = scaler.fit(train[num_col].to_numpy()) # Training set conversion train.loc[:,num_col] = trans_1.transform(train[num_col].to_numpy()) # Test set conversion test.loc[:,num_col] = trans_1.transform(test[num_col].to_numpy()) # Normalization of label cnt cnt_scaler = MinMaxScaler() # data fitting trans_2 = cnt_scaler.fit(train[["cnt"]]) # Data conversion train["cnt"] = trans_2.transform(train[["cnt"]]) test["cnt"] = trans_2.transform(test[["cnt"]])
Training set and test set
# Used to display the progress bar from tqdm import tqdm_notebook as tqdm tqdm().pandas() def prepare_data(X, y, time_steps=1): Xs = [] Ys = [] for i in tqdm(range(len(X) - time_steps)): a = X.iloc[i:(i + time_steps)].to_numpy() Xs.append(a) Ys.append(y.iloc[i + time_steps]) return np.array(Xs), np.array(Ys) steps = 24 X_train, y_train = prepare_data(train, train.cnt, time_steps=steps) X_test, y_test = prepare_data(test, test.cnt, time_steps=steps) print(X_train.shape) print(X_test.shape) print(y_train.shape) print(y_test.shape)
data:image/s3,"s3://crabby-images/8a04d/8a04d3117c458c5c7e658ef45f369f453c08d35a" alt=""
LSTM modeling
Import library
Import relevant libraries before modeling:
# 1. Import required libraries from keras.preprocessing import sequence from keras.models import Sequential from keras.layers import Dense, Dropout, LSTM, Bidirectional # 2. Instantiate objects and fit modeling model = Sequential() model.add(Bidirectional(LSTM(128, input_shape=(X_train.shape[1], X_train.shape[2])))) model.add(Dropout(0.2)) model.add(Dense(1, activation="sigmoid")) model.compile(optimizer="adam", loss="mse")
Model preparation
After the data of the training set is imported, the data fitting and modeling process is carried out:
data:image/s3,"s3://crabby-images/77f3e/77f3e0929dad3f1368188a0366d9302a41cdb4f8" alt=""
data:image/s3,"s3://crabby-images/1562a/1562a0c4488b33d7aa7d3049b39839ac7c75c52e" alt=""
Relationship between mean square deviation and Epoch
Explore the size of mean square deviation under different Epoch:
plt.plot(prepared_model.history["loss"],label="loss") plt.plot(prepared_model.history["val_loss"],label="val_loss") # Lengen location selection plt.legend(loc="best") # Title of two axes plt.xlabel("No. Of Epochs") plt.ylabel("mse score")
data:image/s3,"s3://crabby-images/38f85/38f859985b951bf33f75c71b3722bb4746934779" alt=""
Demand forecast
Generate true and predicted values
inverse_ The transform function converts the standardized data into the original data.
pred = model.predict(X_test) # Prediction of test set y_test_inv = cnt_scaler.inverse_transform(y_test.reshape(-1,1)) # Transformation data pred_inv = cnt_scaler.inverse_transform(pred) # Predicted value conversion pred_inv
data:image/s3,"s3://crabby-images/51fbf/51fbf391dfca288c543c9b84cd7e943e18803ace" alt=""
Drawing comparison
Plot and compare the transformed value of the test set with the predicted value based on the model:
plt.figure(figsize=(16,6)) # Test sets: true values plt.plot(y_test_inv.flatten(), marker=".", label="actual") # Model predicted value plt.plot(pred_inv.flatten(), marker=".", label="predicttion",color="r") # Legend location plt.legend(loc="best") plt.show()
data:image/s3,"s3://crabby-images/9880a/9880a307218e6f8bc5c8f8fa9ec82d347aba8f8f" alt=""
Generate data
Compare the real value of the test set with the predicted value and evaluate it through two indicators:
1. The method in the original text (I think it is complicated):
# The process of the original method is complicated y_test_actual = cnt_scaler.inverse_transform(y_test.reshape(-1,1)) y_test_pred = cnt_scaler.inverse_transform(pred) arr_1 = np.array(y_test_actual) arr_2 = np.array(y_test_pred) actual = pd.DataFrame(data=arr_1.flatten(),columns=["actual"]) predicted = pd.DataFrame(data=arr_2.flatten(),columns = ["predicted"]) final = pd.concat([actual,predicted],axis=1) final.head()
2. Personal method
y_test_actual = cnt_scaler.inverse_transform(y_test.reshape(-1,1)) y_test_pred = cnt_scaler.inverse_transform(pred) final = pd.DataFrame({"actual": y_test_actual.flatten(), "pred": y_test_pred.flatten()}) final.head()
data:image/s3,"s3://crabby-images/864a6/864a6083e8e0e752d4cc240628049458107b4737" alt=""
Model evaluation
Through mse and r2_score index to evaluate the model:
# mse,r2_score from sklearn.metrics import mean_squared_error, r2_score rmse = np.sqrt(mean_squared_error(final.actual, final.pred)) r2 = r2_score(final.actual, final.pred) print("rmse is : ", rmse) print("-------") print("r2_score is : ", r2) # result rmse is : 1308.7482342002293 ------- r2_score is : -0.3951062293743659
Next, the author draws a graph to compare the real value with the predicted value:
plt.figure(figsize=(16,6)) # Real and predicted value mapping plt.plot(final.actual, marker=".", label="Actual label") plt.plot(final.pred, marker=".", label="predicted label") # Legend location plt.legend(loc="best") plt.show()
data:image/s3,"s3://crabby-images/c8cd5/c8cd520c588bda35cb9876b445c930ee3760d16a" alt=""
Doubtful points
Peter has a personal doubt: what are the differences between the following two pictures, except for the different colors? After looking at the whole source code, the drawing data and code are the same. The author also wrote two paragraphs:
data:image/s3,"s3://crabby-images/0a7da/0a7da84aa2988e8c5f28fbdaa080d1a3f571afc7" alt=""
Note that our model is predicting only one point in the future. That being said, it is doing very well. Although our model can't really capture the extreme values it does a good job of predicting (understanding) the general pattern.
Speaking Mandarin: note that our model predicts only one point in the future. Having said that, it did a good job. Although our model can't really capture extreme values, it still does a good job in predicting (understanding) general patterns
data:image/s3,"s3://crabby-images/80f3d/80f3da1ca53360ca8dced771d02499afb8df1a98" alt=""
AS you can see that I have used Bidirectional LSTM to train our model and Our model is working quite well.Our model is cap*able to capture the trend and not capturing the Extreme values which is a really good thing. SO, we can say that the overall perfomance is good.
Speaking Mandarin: as you can see, I use two-way LSTM to train our model, and our model works well. Our model can capture trends rather than extreme values, which is a very good thing. Therefore, we can say that the overall performance is good.
The following is the source code of the whole modeling. Please refer to learning and discuss the above doubts:
# Partition dataset from sklearn.model_selection import train_test_split train,test = train_test_split(data,test_size=0.1,random_state=0) # data normalization from sklearn.preprocessing import MinMaxScaler scaler = MinMaxScaler() # Normalization of four independent variables num_colu = ['t1', 't2', 'hum', 'wind_speed'] trans_1 = scaler.fit(train[num_colu].to_numpy()) train.loc[:,num_colu] = trans_1.transform(train[num_colu].to_numpy()) test.loc[:,num_colu] = trans_1.transform(test[num_colu].to_numpy()) # Normalization of dependent variables cnt_scaler = MinMaxScaler() trans_2 = cnt_scaler.fit(train[["cnt"]]) train["cnt"] = trans_2.transform(train[["cnt"]]) test["cnt"] = trans_2.transform(test[["cnt"]]) # Import modeling library and instantiation from keras.preprocessing import sequence from keras.models import Sequential from keras.layers import Dense, Dropout , LSTM , Bidirectional # Instantiation of temporal objects model = Sequential() model.add(Bidirectional(LSTM(128,input_shape=(X_train.shape[1],X_train.shape[2])))) model.add(Dropout(0.2)) model.add(Dense(1,activation="sigmoid")) # Activate function selection model.compile(optimizer="adam",loss="mse") # Optimizer and loss function selection with tf.device('/GPU:0'): prepared_model = model.fit(X_train, y_train, batch_size=32, epochs=100, validation_data=[X_test,y_test]) # Comparison of two losses plt.plot(prepared_model.history["loss"],label="loss") plt.plot(prepared_model.history["val_loss"],label="val_loss") plt.legend(loc="best") plt.xlabel("No. Of Epochs") plt.ylabel("mse score") # Prediction of test data set pred = model.predict(X_test) # Restoration of cnt data y_test_inv = cnt_scaler.inverse_transform(y_test.reshape(-1,1)) pred_inv = cnt_scaler.inverse_transform(pred) # Drawing 1 plt.figure(figsize=(16,6)) plt.plot(y_test_inv.flatten(), marker=".",label="actual") plt.plot(pred_inv.flatten(), marker=".",label="prediction",color="r") # Restoration of cnt data y_test_actual = cnt_scaler.inverse_transform(y_test.reshape(-1,1)) y_test_pred = cnt_scaler.inverse_transform(pred) # Convert to array arr_1 = np.array(y_test_actual) arr_2 = np.array(y_test_pred) # Generate DataFrame of Pandas and merge data actual = pd.DataFrame(data=arr_1.flatten(),columns=["actual"]) predicted = pd.DataFrame(data=arr_2.flatten(),columns = ["predicted"]) final = pd.concat([actual,predicted],axis=1) # evaluating indicator from sklearn.metrics import mean_squared_error, r2_score rmse = np.sqrt(mean_squared_error(final.actual,final.predicted)) r2 = r2_score(final.actual,final.predicted) print("rmse is : {}\nr2 is : {}".format(rmse,r2)) # Drawing 2 plt.figure(figsize=(16,6)) plt.plot(final.actual,label="Actual data") plt.plot(final.predicted,label="predicted values") plt.legend(loc="best")