Skip to content

Commit

Permalink
Add requirements.txt
Browse files Browse the repository at this point in the history
  • Loading branch information
tejaslodaya committed Dec 20, 2018
1 parent 975955e commit 45e1600
Show file tree
Hide file tree
Showing 3 changed files with 7 additions and 13 deletions.
7 changes: 0 additions & 7 deletions Timeseries_clustering.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -68,16 +68,9 @@
"from vrae.vrae import VRAE\n",
"from vrae.utils import *\n",
"import numpy as np\n",
"from sklearn.manifold import TSNE\n",
"from sklearn.decomposition import TruncatedSVD\n",
"from random import randint\n",
"import pandas as pd\n",
"import torch\n",
"\n",
"from plotly.graph_objs import *\n",
"import plotly\n",
"import matplotlib\n",
"from numpy import genfromtxt\n",
"from torch.utils.data import DataLoader, TensorDataset\n",
"plotly.offline.init_notebook_mode()"
]
Expand Down
7 changes: 7 additions & 0 deletions requirements.txt
Original file line number Diff line number Diff line change
@@ -0,0 +1,7 @@
matplotlib==3.0.2
numpy==1.15.4
plotly==3.4.2
scikit-learn==0.20.1
scipy==1.1.0
torch==1.0.0
torchvision==0.2.1
6 changes: 0 additions & 6 deletions vrae/utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,17 +3,11 @@
import numpy as np
from random import randint
import os
from torch.utils.data import DataLoader, TensorDataset
import math
import torch
import pandas as pd
import matplotlib.pyplot as plt

from plotly.graph_objs import *
import plotly

from sklearn.metrics import mean_squared_error


def plot_clustering(z_run, labels, engine ='plotly', download = False, folder_name ='clustering'):
"""
Expand Down

0 comments on commit 45e1600

Please sign in to comment.