GoodML commited on
Commit
0ab0e51
Β·
verified Β·
1 Parent(s): 9032700

Create app.py

Browse files
Files changed (1) hide show
  1. app.py +297 -0
app.py ADDED
@@ -0,0 +1,297 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import streamlit as st
2
+ import numpy as np
3
+ import pandas as pd
4
+ import matplotlib.pyplot as plt
5
+ from sklearn.preprocessing import MinMaxScaler
6
+ import yfinance as yf
7
+ import datetime as datetime
8
+ from keras.models import load_model
9
+
10
+ from sklearn.metrics import mean_absolute_error, root_mean_squared_error
11
+
12
+
13
+ st.set_page_config(page_title="Stock Price Prediction", page_icon=":moneybag:")
14
+ prediction_start_date = last_60_days_comparison = 60
15
+ future_30_days = 30
16
+
17
+ # Initialize session state for metrics visibility
18
+ if 'show_metrics' not in st.session_state:
19
+ st.session_state.show_metrics = False
20
+ # Page title
21
+ st.title("Stock Price Visualization and Prediction :moneybag:")
22
+
23
+ # Create a form for user inputs
24
+ with st.form("user_inputs"):
25
+ # Form fields for collecting user inputs
26
+ start_date = st.date_input("Select a start date", datetime.date.today())
27
+ end_date = st.date_input("Select a end date", datetime.date.today())
28
+ ticker_symbol = st.text_input("Enter the stock ticker symbol (e.g., AAPL)", "AAPL")
29
+ # Form submit button
30
+ submit_button = st.form_submit_button("Generate Plot")
31
+ # Check if the user has submitted the inputs
32
+ if submit_button:
33
+ data_load_state = st.text("Loading data...")
34
+ # Convert start_date to the desired format
35
+ start_date = start_date.strftime("%Y-%m-%d")
36
+ end_date = datetime.date.today().strftime("%Y-%m-%d") or '2024-01-01'
37
+
38
+ df = yf.download(ticker_symbol, start_date, end_date)
39
+ st.write(df.describe())
40
+ data_load_state.text("Data loaded successfully!")
41
+
42
+ st.subheader("Closing Price with Date")
43
+ # Plotting the data
44
+ fig = plt.figure(figsize=(10, 6))
45
+ plt.plot(df["Close"])
46
+ plt.xlabel("Date")
47
+ plt.ylabel("Price")
48
+ plt.title(f"Stock Prices for {ticker_symbol} from {start_date} to {end_date}")
49
+ plt.xticks(rotation=45)
50
+ plt.grid(True)
51
+
52
+ # Display the plot
53
+ st.pyplot(fig)
54
+
55
+ df.reset_index(inplace=True)
56
+ df.drop(['Date', 'Adj Close'], axis=1, inplace=True)
57
+
58
+
59
+ # Let's understand the 100 days moving average along with 200 days moving average
60
+ ma100 = df['Close'].rolling(100).mean()
61
+ # ma100
62
+
63
+ ma200 = df['Close'].rolling(200).mean()
64
+ # ma200
65
+
66
+
67
+ st.subheader("Closing Price with Date along 100 days moving average")
68
+ fig = plt.figure(figsize=(10, 6))
69
+ plt.plot(df['Close'])
70
+ plt.plot(df['Close'], label='Close Price', color='b')
71
+ plt.plot(ma100, 'r')
72
+
73
+ st.pyplot(fig)
74
+
75
+ st.subheader("Closing Price with Date along 200 days moving average")
76
+ fig = plt.figure(figsize=(10, 6))
77
+ plt.plot(df['Close'], label='Close Price', color='b')
78
+ plt.plot(ma200, 'g')
79
+
80
+ st.pyplot(fig)
81
+
82
+
83
+ st.write("Now, let's understand the relationship between these two plots")
84
+
85
+ st.subheader("100 days MA with 200 days MA")
86
+ fig = plt.figure(figsize=(10, 6))
87
+ plt.plot(df['Close'], label='Close Price', color='b')
88
+ plt.plot(ma100, 'r', label='100 days MA')
89
+ plt.plot(ma200, 'g', label='200 days MA')
90
+
91
+ st.pyplot(fig)
92
+
93
+ st.write("From the above plot, We can say that,\n1. when the 100 days MA, crosses above the 200 days MA, it's a buy signal\n2. When 100 days MA crosses below the 200 days MA, it's a sell signal\n3. When both the MA's are close to each other, it's a neutral signal\n\nThis is a simple moving average strategy to understand the stock price movement\n\nHope you find this helpful!")
94
+
95
+ prediction_load_state = st.text("\n\nLoading the model for predictions...")
96
+
97
+ training_data= pd.DataFrame(df['Close'][0: int(len(df['Close']) * 0.70 )]) # 70% of the data as training data
98
+ test_data= pd.DataFrame(df['Close'][int(len(df['Close']) * 0.70 ): ] )# remaining 30% of the data as testing data
99
+
100
+ scaler = MinMaxScaler(feature_range=(0,1))
101
+ training_data_array = scaler.fit_transform(training_data)
102
+
103
+ # SPlitting the data into x_train and y_train
104
+ x_train = []
105
+ y_train = []
106
+
107
+ # Training with 100 days of data, and predicting the 101st day data.
108
+ for i in range(100, training_data_array.shape[0]):
109
+ x_train.append(training_data_array[i-100: i]) # First 0 - 99 days data gone as in training
110
+ y_train.append(training_data_array[i, 0]) # 100th day data as output
111
+
112
+ x_train, y_train = np.array(x_train), np.array(y_train)
113
+
114
+ model = load_model('keras_model1_self.h5')
115
+
116
+ # To make test predictions for the first row of testing data
117
+ # we need last 100 days data, that we can fetch from the last 100 rows of
118
+ # training data.
119
+ past_100_days = training_data.tail(100)
120
+
121
+ past_100_days.reset_index(drop=True, inplace=True)
122
+ test_data.reset_index(drop=True, inplace=True)
123
+
124
+ # Concatenate past_100_days and test_data with ordered indices
125
+ final_df_testing = pd.concat([past_100_days, test_data], ignore_index=True)
126
+
127
+ testing_data_array = scaler.fit_transform(final_df_testing)
128
+
129
+ # Now, create the x_test and y_test, to evaluate the model, and make predictions.
130
+ x_test = []
131
+ y_test = []
132
+
133
+ for i in range(100, testing_data_array.shape[0]):
134
+ x_test.append(testing_data_array[i-100: i])
135
+ y_test.append(testing_data_array[i, 0])
136
+
137
+ x_test, y_test = np.array(x_test), np.array(y_test)
138
+
139
+ y_pred = model.predict(x_test)
140
+
141
+ # Now, go inverse scale them, to get actual accuracy and easy analysis of
142
+ # the predictions.
143
+
144
+ scale = scaler.scale_[0]
145
+ scale_factor = 1/ scale
146
+ y_test_actual = y_test * scale_factor
147
+ y_pred_actual = y_pred * scale_factor
148
+
149
+ pred_fig = plt.figure(figsize=(10, 6))
150
+ plt.plot(y_test_actual, 'g', label='Actual')
151
+ plt.plot(y_pred_actual, 'b', label='Predicted')
152
+ plt.title('Actual vs Predicted')
153
+ plt.legend()
154
+ # plt.show()
155
+ st.pyplot(pred_fig)
156
+ prediction_load_state.text("\n\nPredictions made successfully!")
157
+
158
+ st.write("The model's prediction for the next month is as follows:")
159
+ st.write("Precaution: Stock market is based on other factors as well, so don't just rely on this model for your investments.")
160
+ st.write("Please consult your financial advisor before making any investment decisions.")
161
+
162
+ # The model uses last 100 days, to predict the 101 th day, we need to predict the data using the mix of previous 100 days data and the next day data.
163
+ # So, we need to append the last 100 days of training data to the testing data.
164
+ # This is done to make the model predict the next day data, using the previous 100 days data.
165
+
166
+ # Now, let's predict the next day data, using the last 100 days data.
167
+ # next_day_data = testing_data_array[-100:]
168
+ # next_day_data = np.reshape(next_day_data, (1, 100, 1))
169
+ # next_day_prediction = model.predict(next_day_data)
170
+ # next_day_prediction = next_day_prediction * scale_factor
171
+ # st.write("The model predicts the next day's stock price to be: ", next_day_prediction[0][0])
172
+ # Now, show a plot showing the previous scenario and the upcoming 7 days trend stock prediction
173
+ # using the LSTM model.
174
+ st.subheader("Stock Price Prediction for the next 30 days")
175
+
176
+
177
+
178
+ predictions = []
179
+ # st.write(next_day_data = testing_data_array[-100:])
180
+
181
+ for i in range(1, last_60_days_comparison + future_30_days + 1):
182
+ next_day_data = testing_data_array[-160: -60]
183
+ next_day_data = np.reshape(next_day_data, (1, 100, 1)) # reshaping the data
184
+ next_day_prediction = model.predict(next_day_data)
185
+
186
+ predictions.append(next_day_prediction[0][0])
187
+ testing_data_array = np.append(testing_data_array, next_day_prediction)
188
+ testing_data_array = np.reshape(testing_data_array, (testing_data_array.shape[0], 1))
189
+ next_day_data = testing_data_array[-100:]
190
+ next_day_data = np.reshape(next_day_data, (1, 100, 1))
191
+
192
+ # 30 days previous + 30 days future
193
+
194
+
195
+ predictions = np.array(predictions)
196
+ predictions = predictions * scale_factor
197
+
198
+ # Create a combined list of days (30 days actual and their predictions along the future 30 days prediction)
199
+ combined_days = [i for i in range(1, last_60_days_comparison + future_30_days + 1)] # last 30 days actual + next 30 days prediction
200
+
201
+
202
+ # Plot the results
203
+ fig = plt.figure(figsize=(10, 6))
204
+ plt.plot(combined_days, predictions, 'ro-')
205
+ plt.plot(y_test_actual[-last_60_days_comparison:], 'bo-')
206
+ plt.axvline(x=prediction_start_date, color='b', linestyle='--', label='Prediction Start')
207
+ plt.xlabel("Days")
208
+ plt.ylabel("Price")
209
+ plt.title("Stock Price Prediction for the next 45 days")
210
+ plt.legend(['Predicted', 'Prediction Start'])
211
+ st.pyplot(fig)
212
+
213
+
214
+ st.subheader("Model Metrics")
215
+ metric_show_state = st.text("Calculating the model metrics...")
216
+
217
+ y_pred_train = model.predict(x_train)
218
+ mae_train = mean_absolute_error(y_train, y_pred_train)
219
+ rmse_train = root_mean_squared_error(y_train, y_pred_train)
220
+ st.subheader("Model Metrics for Training Data")
221
+ st.write("Mean Absolute Error: ", mae_train)
222
+ st.write("Root Mean Squared Error: ", rmse_train)
223
+
224
+ mae_test = mean_absolute_error(y_test, y_pred)
225
+ rmse_test = root_mean_squared_error(y_test, y_pred)
226
+ st.subheader("Model Metrics for Testing Data")
227
+ st.write("Mean Absolute Error: ", mae_test)
228
+ st.write("Root Mean Squared Error: ", rmse_test)
229
+ metric_show_state.text("Model metrics calculated successfully!")
230
+
231
+
232
+
233
+
234
+
235
+ def main():
236
+
237
+
238
+ # TO remove streamlit branding and other running animation
239
+ hide_st_style = """
240
+ <style>
241
+ #MainMenu {visibility: hidden;}
242
+ footer {visibility: hidden;}
243
+ </style>
244
+ """
245
+ st.markdown(hide_st_style, unsafe_allow_html=True)
246
+
247
+ # Spinners
248
+ bar = st.progress(0)
249
+ for i in range(101):
250
+ bar.progress(i)
251
+ # time.sleep(0.02) # Adjust the sleep time for the desired speed
252
+
253
+ st.balloons()
254
+
255
+ # Create sidebar section for app description and links
256
+ # Sidebar content
257
+ st.sidebar.header("Stock Market Trend Predictor :moneybag:")
258
+ st.sidebar.write("Description :male-detective:")
259
+ st.sidebar.write("""
260
+ This web app visualizes historical stock prices and predicts future trends using deep learning techniques. It analyzes stock prices over a specified period, calculates moving averages, and uses a Long Short-Term Memory (LSTM) neural network to predict future price movements.
261
+
262
+ \nSkills Enhanced:\n
263
+ - πŸ“ˆ Time Series Analysis
264
+ - πŸ’» Deep Learning
265
+ - 🐍 Python
266
+ - πŸ“Š Data Visualization
267
+
268
+ \nSteps:\n
269
+ 1. Data Acquisition: Fetch historical stock prices using the Yahoo Finance API.
270
+ 2. Data Preprocessing: Clean data, calculate moving averages, and prepare training/testing sets.
271
+ 3. Data Visualization: Visualize stock prices, moving averages, and predictive model results.
272
+ 4. Model Training: Train an LSTM neural network on historical stock prices.
273
+ 5. Model Prediction: Predict future stock prices using the trained model.
274
+
275
+ By leveraging deep learning, this app helps users understand stock price trends and make informed investment decisions.
276
+
277
+ \n**Credits** 🌟
278
+ \nDeveloper: Aniket Panchal
279
+ \nGitHub: [Aniket2021448](https://github.com/Aniket2021448)
280
+
281
+ \n**Contact** πŸ“§
282
+ \nFor inquiries or feedback, please contact [email protected]
283
+ \n**Portfolio** πŸ’Ό
284
+ \nCheck out my portfolio website: [Your Portfolio Website Link](https://aniket2021448.github.io/My-portfolio/)
285
+ """)
286
+
287
+ # Dropdown menu for other app links
288
+
289
+ st.sidebar.write("In case the apps are down, because of less usage")
290
+ st.sidebar.write("Kindly reach out to me @ [email protected]")
291
+
292
+
293
+ # Create the form
294
+
295
+
296
+ if __name__ == "__main__":
297
+ main()