Skip to content

Commit

Permalink
Browse files Browse the repository at this point in the history
final version
  • Loading branch information
yul19079 committed Feb 9, 2024
1 parent 6137c1b commit bd6d9f2
Show file tree
Hide file tree
Showing 211 changed files with 11,233 additions and 215 deletions.
6 changes: 5 additions & 1 deletion GenDs.py
Expand Up @@ -8,6 +8,7 @@ y_train = pd.read_pickle("./data/y_train.pkl")
X_test = pd.read_pickle("./data/X_test.pkl")
y_test = pd.read_pickle("./data/y_test.pkl")

X_test_raw = X_test.copy()
# preprocess data
from sklearn.preprocessing import StandardScaler,MinMaxScaler
std = StandardScaler()
Expand Down Expand Up @@ -63,4 +64,7 @@ class GenDs(object):
return train_ds,std
def gen_test(time_step = 48):
test_ds = gen_test_ds(X_test,y_test,step_len=time_step)
return test_ds
return test_ds
def gen_raw_test(time_step = 48):
raw_test_ds = gen_test_ds(X_test_raw,y_test,step_len=time_step)
return raw_test_ds
8 changes: 6 additions & 2 deletions GenDs2.py
Expand Up @@ -75,8 +75,9 @@ y_test = y_test.reshape(test_shape)
X_train = X_train[:,1:,:].astype(np.float64)
X_test = X_test[:,1:,:].astype(np.float64)

X_test_raw = X_test.copy()
X_train = apply_sin(X_train,2,24)
X_train = apply_sin(X_test,2,24)
X_test = apply_sin(X_test,2,24)


X_train = X_train/X_train.max()
Expand All @@ -96,4 +97,7 @@ class GenDs(object):
return train_ds,std
def gen_test(time_step = 48):
test_ds = gen_test_ds(X_test,y_test,step_len=time_step)
return test_ds
return test_ds
def gen_raw_test(time_step = 48):
test_raw_ds = gen_test_ds(X_test_raw,y_test,step_len=time_step)
return test_raw_ds
13 changes: 11 additions & 2 deletions ModelPerformance.py
@@ -1,6 +1,7 @@
import numpy as np
import matplotlib.pyplot as plt
from sklearn.metrics import mean_squared_error
import math
def std_inverse(std,data):
original_shape = data.shape
try:
Expand All @@ -22,15 +23,21 @@ def compare_result(predict,real):
print(mean_squared_error(predict_flatten,real_flatten))

return (mean_squared_error(predict_flatten,real_flatten))
def plot_result(predict,real,batch =0,in_out = 0):
def plot_result(predict,real,batch =0,in_out = 0,figure_name = None,time_c = None):

# vmin = min(predict[batch].min(), real[batch].min())
vmin = 0
vmax = max(predict[batch,in_out].max(), real[batch,in_out].max())
vmax = max(predict[:,in_out].max(), real[:,in_out].max())

cmap = 'viridis'
fig, axs = plt.subplots(1, 3)
if time_c !=None:
month = round(float(time_c[0,0]*30))
day = round(np.arcsin(time_c[1,0])/(2*np.pi)*30)
hour = np.arcsin(time_c[2,0])
minute = round(float(time_c[3,0])*30)

fig.suptitle("2019-{:02}-{:02}".format(month,day))
axs[0].set_title("predict")
predict_fig = axs[0].imshow(predict[batch,in_out,:,:],cmap = cmap,vmin = vmin,vmax = vmax)
axs[1].set_title("real")
Expand All @@ -41,4 +48,6 @@ def plot_result(predict,real,batch =0,in_out = 0):
plt.colorbar(predict_fig,ax=axs)
# plt.colorbar(real_fig,ax = axs)
print(diff_matrix.mean(),diff_matrix.shape)
if figure_name!=None:
plt.savefig(f"./figure/{figure_name}.png")
plt.show()
Binary file modified __pycache__/GenDs2.cpython-311.pyc
Binary file not shown.
Binary file modified __pycache__/GenFeature.cpython-311.pyc
Binary file not shown.
Binary file modified __pycache__/ModelPerformance.cpython-311.pyc
Binary file not shown.
Binary file added baseline_lstm.h5
Binary file not shown.
Binary file added figure/.avi
Binary file not shown.
Binary file added figure/0.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/1.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/10.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/100.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/101.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/102.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/103.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/104.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/105.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/106.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/107.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/108.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/109.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/11.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/110.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/111.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/112.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/113.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/114.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/115.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/116.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/117.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/118.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/119.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/12.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/120.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/121.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/122.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/123.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/124.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/125.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/126.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/127.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/128.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/129.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/13.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/130.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/131.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/132.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/133.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/134.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/135.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/136.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/137.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/138.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/139.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/14.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/140.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/141.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/142.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/143.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/144.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/145.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/146.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/147.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/148.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/149.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/15.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/150.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/151.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/152.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/153.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/154.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/155.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/156.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/157.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/158.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/159.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/16.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/160.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/161.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/162.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/163.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/164.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/165.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/166.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/167.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/168.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/169.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/17.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/170.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/171.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/172.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/173.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/174.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/175.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/176.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/177.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/178.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/179.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/18.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/180.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/181.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/182.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/183.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/184.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/185.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/186.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/187.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/188.png
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added figure/189.png
Binary file added figure/19.png
Binary file added figure/190.png
Binary file added figure/191.png
Binary file added figure/2.png
Binary file added figure/20.png
Binary file added figure/21.png
Binary file added figure/22.png
Binary file added figure/23.png
Binary file added figure/24.png
Binary file added figure/25.png
Binary file added figure/26.png
Binary file added figure/27.png
Binary file added figure/28.png
Binary file added figure/29.png
Binary file added figure/3.png
Binary file added figure/30.png
Binary file added figure/31.png
Binary file added figure/32.png
Binary file added figure/33.png
Binary file added figure/34.png
Binary file added figure/35.png
Binary file added figure/36.png
Binary file added figure/37.png
Binary file added figure/38.png
Binary file added figure/39.png
Binary file added figure/4.png
Binary file added figure/40.png
Binary file added figure/41.png
Binary file added figure/42.png
Binary file added figure/43.png
Binary file added figure/44.png
Binary file added figure/45.png
Binary file added figure/46.png
Binary file added figure/47.png
Binary file added figure/48.png
Binary file added figure/49.png
Binary file added figure/5.png
Binary file added figure/50.png
Binary file added figure/51.png
Binary file added figure/52.png
Binary file added figure/53.png
Binary file added figure/54.png
Binary file added figure/55.png
Binary file added figure/56.png
Binary file added figure/57.png
Binary file added figure/58.png
Binary file added figure/59.png
Binary file added figure/6.png
Binary file added figure/60.png
Binary file added figure/61.png
Binary file added figure/62.png
Binary file added figure/63.png
Binary file added figure/64.png
Binary file added figure/65.png
Binary file added figure/66.png
Binary file added figure/67.png
Binary file added figure/68.png
Binary file added figure/69.png
Binary file added figure/7.png
Binary file added figure/70.png
Binary file added figure/71.png
Binary file added figure/72.png
Binary file added figure/73.png
Binary file added figure/74.png
Binary file added figure/75.png
Binary file added figure/76.png
Binary file added figure/77.png
Binary file added figure/78.png
Binary file added figure/79.png
Binary file added figure/8.png
Binary file added figure/80.png
Binary file added figure/81.png
Binary file added figure/82.png
Binary file added figure/83.png
Binary file added figure/84.png
Binary file added figure/85.png
Binary file added figure/86.png
Binary file added figure/87.png
Binary file added figure/88.png
Binary file added figure/89.png
Binary file added figure/9.png
Binary file added figure/90.png
Binary file added figure/91.png
Binary file added figure/92.png
Binary file added figure/93.png
Binary file added figure/94.png
Binary file added figure/95.png
Binary file added figure/96.png
Binary file added figure/97.png
Binary file added figure/98.png
Binary file added figure/99.png
63 changes: 63 additions & 0 deletions figure/vi.ipynb
@@ -0,0 +1,63 @@
{
"cells": [
{
"cell_type": "code",
"execution_count": 2,
"metadata": {},
"outputs": [],
"source": [
"\n",
"import cv2\n",
"import os\n",
"\n",
"\n",
"image_folder = './'\n",
"video_path = './.avi'\n",
"\n",
"images = [img for img in os.listdir(image_folder) if img.endswith(\".png\")]\n",
"images.sort(key=lambda x: int(x.split('.')[0])) \n",
"\n",
"\n",
"frame = cv2.imread(os.path.join(image_folder, images[0]))\n",
"height, width, layers = frame.shape\n",
"\n",
"\n",
"video = cv2.VideoWriter(video_path, cv2.VideoWriter_fourcc(*'DIVX'), 10, (width, height))\n",
"\n",
"for image in images:\n",
" video.write(cv2.imread(os.path.join(image_folder, image)))\n",
"\n",
"cv2.destroyAllWindows()\n",
"video.release()"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": []
}
],
"metadata": {
"kernelspec": {
"display_name": "Python 3",
"language": "python",
"name": "python3"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.11.2"
}
},
"nbformat": 4,
"nbformat_minor": 2
}
22 changes: 21 additions & 1 deletion gen_dataset.ipynb
Expand Up @@ -2,7 +2,7 @@
"cells": [
{
"cell_type": "code",
"execution_count": 320,
"execution_count": 1,
"metadata": {},
"outputs": [],
"source": [
Expand All @@ -21,6 +21,26 @@
"trip_avg_out = y_train.mean(axis=0)[1]"
]
},
{
"cell_type": "code",
"execution_count": 4,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"(1248, 2, 16, 8)"
]
},
"execution_count": 4,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"y_train.shape"
]
},
{
"cell_type": "code",
"execution_count": null,
Expand Down
7 changes: 7 additions & 0 deletions lab.ipynb
Expand Up @@ -543,6 +543,13 @@
"model.save(\"base.h5\")"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": []
},
{
"cell_type": "code",
"execution_count": 428,
Expand Down
Binary file modified lstm_cnn_v6.h5
Binary file not shown.
Binary file added lstm_cnn_v8.h5
Binary file not shown.
Binary file added lstm_cnn_v9.keras
Binary file not shown.

0 comments on commit bd6d9f2

Please sign in to comment.