Giter VIP home page Giter VIP logo

dynamicgem's People

Contributors

ninarehm avatar palash1992 avatar sujit-o avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

dynamicgem's Issues

what does 'lookback' means?

Hello,
I notice that 'lookback' parameter existed in dynAE,dynRNN,dynAERNN , but I don't konw what it means.
I set it to 2 , input 10 graphs by timestamp and output 8 embeds as a result.
Do you use two graphs to get an embed?

protobuff version error

When I run example/example.py, I am getting the following error.

[libprotobuf FATAL google/protobuf/stubs/common.cc:61] This program requires
version 3.6.1 of the Protocol Buffer runtime library, but the installed
version is 2.6.1. Please update your library. If you compiled the program
yourself, make sure that your headers are from the same version of Protocol
Buffers as your link-time library. (Version verification failed in "bazel-out/k8-opt/genfiles/tensorflow/core/framework/tensor_shape.pb.cc".)
terminate called after throwing an instance of
'google::protobuf::FatalException'

what(): This program requires version 3.6.1 of the Protocol Buffer runtime
library, but the installed version is 2.6.1. Please update your library. If you compiled the program yourself, make sure that your headers are from the
same version of Protocol Buffers as your link-time library. (Version
verification failed in "bazel-out/k8-opt/genfiles/tensorflow/core/framework
/tensor_shape.pb.cc".)
Aborted (core dumped)

My protobuf version in python is:

$ pip3 show protobuf
Name: protobuf
Version: 3.6.1
Summary: Protocol Buffers
Home-page: https://developers.google.com/protocol-buffers/
Author: None
Author-email: None
License: 3-Clause BSD License
Location: /usr/local/lib/python3.5/dist-packages
Requires: six, setuptools
Required-by: tensorflow, tensorboard, dynamicgem
$ protoc --version
libprotoc 3.6.1

Other details:

Operating System : Ubuntu 16.04 LTS
Python 3.5.2

I also installed protobuf-cpp-3.6.1

More datasets

Could your provide more datasets that you used in your paper like Hep-th, Autonomous Systems?

Errors when Running dynAERNN codes

Hello,

when I run dynARENN examples, there are some errors and the message shows belowing.
default

Then I turn back to dynAERNN and found two error through pycharm automatical code analysis.One is in line 369

dynamic_embedding = DynRNN(
and the other one is in line 426
for i in xrange(len(result)):

Noted that my python environment is python 3.6 , I noticed xrange is no more a correct words in python 3.x ,is this the reason?

What is the difference between 'dynSNDE.py' and 'sdne_dynamic.py'?

Hello,
I have some questions. What is the difference between 'dynSNDE.py' and 'sdne_dynamic.py'? Which is the implementation of the paper 'Goyal, P., Kamra, N., He, X., & Liu, Y. (2018). DynGEM: Deep Embedding Method for Dynamic Graphs. arXiv preprint arXiv:1805.11273.'? Thanks.

Having problem with 'import scipy.io' after setting DYLD_LIBRARY_PATH on Mac

Hi,
I am trying to use your library dynamicgem.

I followed the instructions to set up DynamicGEM. I installed MATLAB Runtime R2017a and set
export DYLD_LIBRARY_PATH='/Applications/MATLAB/MATLAB_Runtime/v92/runtime/maci64:/Applications/MATLAB/MATLAB_Runtime/v92/sys/os/maci64:/Applications/MATLAB/MATLAB_Runtime/v92/bin/maci64' on Mac.

When I run 'from dynamicgem.utils import graph_util, plot_util, dataprep_util', I can't import scipy.io properly.

It gave me errors as below:

dlopen(/Users/HuangDi0422/anaconda/lib/python3.5/site-packages/scipy/special/_ufuncs.cpython-35m-darwin.so, 2): Symbol not found: __gfortran_stop_numeric_f08
Referenced from: /Users/HuangDi0422/anaconda/lib/python3.5/site-packages/scipy/special/_ufuncs.cpython-35m-darwin.so
Expected in: /Applications/MATLAB/MATLAB_Runtime/v95/sys/os/maci64/libgfortran.3.dylib
in /Users/HuangDi0422/anaconda/lib/python3.5/site-packages/scipy/special/_ufuncs.cpython-35m-darwin.so

Could you please help me check this problem? Thanks

Strange change of the precision@k

Hello! When I run the model of dynAE, using the dataset of "SBM", I get the result below.

P@2 P@10 P@100 P@200 P@300 P@500 P@1000 P@EdgeNum
0.000000 0.000000 0.100000 0.650000 0.770000 0.826667 0.876000 0.924000 -
0.000000 0.000000 0.100000 0.580000 0.755000 0.810000 0.868000 0.919000 -
0.000000 0.000000 0.000000 0.560000 0.730000 0.796667 0.864000 0.917000 -
0.000000 0.000000 0.000000 0.830000 0.895000 0.926667 0.946000 0.963000 -
0.000000 0.000000 0.100000 0.750000 0.835000 0.883333 0.922000 0.953000 -

I can't understand:
1. why the P@2 and the P@10 would always be zero?
2. why the P@k will decrease with increasing k?

We know that precision@k is the fraction of correct predictions in the top k predictions, so the result above is strange !!!

program stop training for a middle size graph

Hi, I have applied DynamicGEM on a middle size graph, with 50k nodes and 220k edges. The program can finish the first snapshot training, but then, it appears to be suspended. How can I solve this program?

About DynAE GPU memory

Hi,

Thanks for your excellent work.

I can run static_AE on the datasets with (2k nodes, 13k edges) and (6k nodes, 15k edges). Unfortunately, it failed on the datesets with (10k nodes, 23k edges), (17k nodes, 1194k edges), (60k nodes, 817k edges), and other larger datasets. I've tested them several times, and obtained the same message as shown below:

2019-03-14 19:48:25.185895: I tensorflow/core/common_runtime/bfc_allocator.cc:674] 1 Chunks of size 142195200 totalling 135.61MiB
2019-03-14 19:48:25.185902: I tensorflow/core/common_runtime/bfc_allocator.cc:674] 1 Chunks of size 161976576 totalling 154.47MiB
2019-03-14 19:48:25.185908: I tensorflow/core/common_runtime/bfc_allocator.cc:674] 1 Chunks of size 205598464 totalling 196.07MiB
2019-03-14 19:48:25.185915: I tensorflow/core/common_runtime/bfc_allocator.cc:678] Sum Total of in-use chunks: 1.59GiB
2019-03-14 19:48:25.185924: I tensorflow/core/common_runtime/bfc_allocator.cc:680] Stats:
Limit:                  1706688512
InUse:                  1706688256
MaxInUse:               1706688512
NumAllocs:                      92
MaxAllocSize:            205598464

2019-03-14 19:48:25.185940: W tensorflow/core/common_runtime/bfc_allocator.cc:279] *************************************************************x**********************************xxxx
2019-03-14 19:48:25.185998: W tensorflow/core/framework/op_kernel.cc:1275] OP_REQUIRES failed at cwise_ops_common.h:245 : Resource exhausted: OOM when allocating tensor with shape[300,10] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc

My hardware specifications:
CPU: Intel Xeon E5 v4 with 48 cores * 2 threads, 128G memory
GPU: Nvidia Tesla P100 with 16G memory

I'm wondering 1) if it is due to the limited memory of GPU, and 2) regarding the hardware specification, what is the typical/maximum size w.r.t. (# of nodes, # of edges) of a graph that static_AE can run?

Thanks in advance.

Error when import dynamicTriad

I have install the dependencies, and when I run example/example.py, an error occurs as follows:

/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/utils/plot_util.py:6: UserWarning: matplotlib.pyplot as already been imported, this call will have no effect.
  matplotlib.use('Agg')
/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/evaluation/visualize_embedding.py:6: UserWarning: matplotlib.pyplot as already been imported, this call will have no effect.
  matplotlib.use('Agg')
/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/visualization/plot_dynamic_sbm_embedding.py:7: UserWarning: matplotlib.pyplot as already been imported, this call will have no effect.
  matplotlib.use('Agg')
/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/embedding/ae_static.py:9: UserWarning: matplotlib.pyplot as already been imported, this call will have no effect.
  matplotlib.use('Agg')
Using TensorFlow backend.
/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/embedding/dynamicTriad.py:8: UserWarning: matplotlib.pyplot as already been imported, this call will have no effect.
  matplotlib.use('Agg')
Cython not avaiable, falling back to python implemented utils
Err msg: Cython disabled in config
Traceback (most recent call last):
  File "example/example.py", line 17, in <module>
    from dynamicgem.embedding.dynamicTriad import dynamicTriad
  File "/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/embedding/dynamicTriad.py", line 30, in <module>
    import dynamicgem.dynamictriad.core.dataset.dataset_utils as du
  File "/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/dynamictriad/core/dataset/dataset_utils.py", line 4, in <module>
    from dynamicgem.dynamictriad.core import utils, gconv
  File "/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/dynamictriad/core/gconv.py", line 9, in <module>
    mygraph=ctypes.cdll.LoadLibrary(os.path.realpath('')+'/dynamicgem/dynamictriad/core/mygraph.so')
  File "/anaconda3/lib/python3.6/ctypes/__init__.py", line 426, in LoadLibrary
    return self._dlltype(name)
  File "/anaconda3/lib/python3.6/ctypes/__init__.py", line 348, in __init__
    self._handle = _dlopen(self._name, mode)
OSError: dlopen(/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/dynamictriad/core/mygraph.so, 6): no suitable image found.  Did find:
	/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/dynamictriad/core/mygraph.so: unknown file type, first eight bytes: 0x7F 0x45 0x4C 0x46 0x02 0x01 0x01 0x03
	/Users/corwin/Desktop/project/DynamicGEM/dynamicgem/dynamictriad/core/mygraph-build/mygraph.so: unknown file type, first eight bytes: 0x7F 0x45 0x4C 0x46 0x02 0x01 0x01 0x03

Maybe it happened because of the instruction: "Also for compiled c mygraph.so module change the /dynamicGEM/dynamcigem/dynamictriad/core/gconv.py file by replacing with the absolute path of the dynamicGEM folder" in README. And I don't understand what it means.

My platform is macOS Mojave 10.14.3 with python3.6.5
Thank you for your help.

broadcast error

I tired DynAE DynRNN and DynAERNN today and I found that,
when graphs[i-1] contains only part of nodes of graphs[i], there will be some broadcast error.
So, does this program requires that each graph contains all the nodes? That's to say, the only differences between them are the edges?

Model about dynAE

Hi, I see the code of the "dynAE" model, and I find that you just use A_(t) to predict A_(t+1), not using {A_(t),..., A_(t+l)} to predict A_(t+l+1), isn't it?

`list index out of range` when attempting to plot embedding results

Hi,
So I'm trying to run the example code for the TIMERS algorithm. The embedding learns successfully, but when I try to plot it with embedding.plotresults(dynamic_sbm_series), I get an IndexError.
The following is my stack trace:

IndexError                                Traceback (most recent call last)
<ipython-input-16-09a9c57e1fa9> in <module>()
----> 1 embedding.plotresults(dynamic_sbm_series)

3 frames
/usr/local/lib/python3.6/dist-packages/dynamicgem/embedding/TIMERS.py in plotresults(self, dynamic_sbm_series)
    168         plt.figure()
    169         plt.clf()
--> 170         plot_dynamic_sbm_embedding.plot_dynamic_sbm_embedding_v2(self._X[-5:-1], dynamic_sbm_series[-5:])
    171 
    172         resultdir = self._resultdir + '/' + self._datatype

/usr/local/lib/python3.6/dist-packages/dynamicgem/visualization/plot_dynamic_sbm_embedding.py in plot_dynamic_sbm_embedding_v2(nodes_pos_list, dynamic_sbm_series)
    175                             dynamic_sbm_series[t + 1],
    176                             dynamic_sbm_series[t][2],
--> 177                             dynamic_sbm_series[t][3])
    178 
    179 

/usr/local/lib/python3.6/dist-packages/dynamicgem/visualization/plot_dynamic_sbm_embedding.py in plot_single_step_v2(node_pos, graph_info, graph_info_next, purturbed_nodes, dyn_changed_node)
     91                                         pos,
     92                                         nodelist=unchanged_nodes,
---> 93                                         node_color=[node_colors[p] for p in unchanged_nodes],
     94                                         node_size=40,
     95                                         with_labels=False)

/usr/local/lib/python3.6/dist-packages/dynamicgem/visualization/plot_dynamic_sbm_embedding.py in <listcomp>(.0)
     91                                         pos,
     92                                         nodelist=unchanged_nodes,
---> 93                                         node_color=[node_colors[p] for p in unchanged_nodes],
     94                                         node_size=40,
     95                                         with_labels=False)

IndexError: list index out of range

I'm running the code on the following machine:

OS: Ubuntu 18.04.3 LTS on Chrome OS x86_64 
Host: Google Compute Engine 
Kernel: 4.14.137+ 
Uptime: 48 mins 
Packages: 1563 
Shell: bash 4.4.20 
Terminal: jupyter-noteboo 
CPU: Intel Xeon (2) @ 2.000GHz 
Memory: 1007MiB / 13022MiB 

Any chance I could get some help with this?

Does the ‘static_AE' implement the 'DynGEM' model in the paper?

Hi, auther.
I notice that you refer to 'DynGEM’ model in your library, but I can't find your implement about it. In 'ae_static.py', you just support the base of general auto-encoder and use the second-order loss component in your paper. And in your paper, the codes do not use incremental way to train model. Could you please answer my questions? Thank you.
Sincerely

Code of testDynTriad has errors

First it is a remarkable paper and lib for me, but I meet some trouble when testing the code.
Here is the code pasted from the README.md

embedding = dynamicTriad(niters=20,
                         starttime=0,
                         datafile=datafile,
                         batchsize=1000,
                         nsteps=length,
                         embdim=dim_emb,
                         stepsize=1,
                         stepstride=1,
                         outdir=outdir,
                         cachefn='/tmp/' + testDataType,
                         lr=0.1,
                         beta=[0.1, 0.1],
                         negdup=1,
                         datasetmod='core.dataset.adjlist',
                         trainmod='dynamicgem.dynamictriad.core.algorithm.dynamic_triad',
                         pretrain_size=length,
                         sampling_args={},
                         validation='link_reconstruction',
                         datatype=testDataType,
                         scale=1,
                         classifier='lr',
                         debug=False,
                         test='link_predict',
                         repeat=1,
                         resultdir=outdir,
                         testDataType=testDataType,
                         clname='lr',
                         node_num=node_num)
t1 = time()
embedding.learn_embedding()
print(embedding.method_name + ':\n\tTraining time: %f' % (time() - t1))
embedding.get_embedding()
embedding.plotresults(dynamic_sbm_series)

1、Constructor of dynamicTriad has error: argument 'd' not defined

File "/root/PycharmProjects/Textset/DynamicGEM_test.py", line 216, in <module>
    node_num=node_num)
TypeError: __init__() missing 1 required positional argument: 'd'

2、When I removed the codes related with 'd' argument in the constructor of dynamicTriad,another error occured

  ....
  File "/usr/local/lib/python3.6/site-packages/dynamicgem/dynamictriad/core/mygraph_utils.py", line 90, in load_adjlist
    g = mygraph.Graph(node_type, weight_type)
  File "/usr/lib64/python3.6/ctypes/__init__.py", line 356, in __getattr__
    func = self.__getitem__(name)
  File "/usr/lib64/python3.6/ctypes/__init__.py", line 361, in __getitem__
    func = self._FuncPtr((name_or_ordinal, self))
AttributeError: /...../DynamicGEM-master/dynamicgem/dynamictriad/core/mygraph-build/mygraph.so: undefined symbol: Graph

It is abvious that mygraph has not attribute Graph when the code mygrah.Graph() is performed.
Here is code related:(dynamicgem\dynamictriad\core\mygraph_utils.py)

def load_adjlist(fn, node_type='string', weight_type='float'):
    """
    loads only undirected graph, if multiple instances of the same edge is detected,
    their weights are summed up
    :param fn:
    :param node_type:
    :param weight_type:
    :return:
    """
    py_node_type = type2python(node_type)
    py_weight_type = type2python(weight_type)

    edgeset = set()  # check if the graph is undirected
    g = mygraph.Graph(node_type, weight_type)
    for line in open(fn, 'r'):
        fields = line.split()
        ......

I also changed the import way of mygrah in this file:

import ctypes
dll_path_ = "/..../DynamicGEM-master/dynamicgem/dynamictriad/core/mygraph-build/mygraph.so"
mygraph = ctypes.cdll.LoadLibrary(dll_path_)

Because the origin way in my CentOS7 is wrong for mygraph is not found as/in a python file

import dynamicgem.dynamictriad.core.mygraph as mygraph

question about Exp.py

I want to know the step of using Exp.py.

when I run the Exp.py , i got an error.

Traceback (most recent call last):
File "dynamicgem/experiments/exp.py", line 358, in
call_exps(params, data_set, int(params["n_graphs"]))
File "dynamicgem/experiments/exp.py", line 248, in call_exps
choose_best_hyp(data_set, graphs, params)
File "dynamicgem/experiments/exp.py", line 111, in choose_best_hyp
importlib.import_module("embedding.%s" % meth),
File "E:\Anaconda3\envs\tf-gpu\lib\importlib_init_.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
File "", line 994, in _gcd_import
File "", line 971, in _find_and_load
File "", line 941, in _find_and_load_unlocked
File "", line 219, in _call_with_frames_removed
File "", line 994, in _gcd_import
File "", line 971, in _find_and_load
File "", line 953, in _find_and_load_unlocked
ModuleNotFoundError: No module named 'embedding'

I dont know what is the 'embedding',and can't find in the file.
did anyone get same error with me?

Errors when Running dynAE codes

Hello,

when I run : python dynamicgem/experiments/exp.py -data sbm -dim 128 -meth dynAE -exp gr,lp
, there are some errors and the message shows belowing.
image

Errors when Running TIMERS example codes

When I was trying to run TIMERS example codes, I came across several problems.

1.'resultdir = output':
it should be resultdir = outdir instead of output. Because output has not been defined. Is it an error?

2.'embedding.get_embedding(outdir_tmp, 'optimalSVD')':
What is outdir_temp?
I created an folder /output/outdir_tmp, but it gave me error:
No such file or directory: '/home/rcf-proj3/ef/dh_599/dyn_gem_codes/output/outdir_tmp/0_U.txt'

Could you please help me to check these two problems? Thanks a lot.

IndexError When performing Link Evaluation on Custom Dataset

Hello,
I'm trying to run dynamic link prediction on a custom data set (20 graphs each with different number of nodes) with an AE static embedding but get the following error:

IndexError                                Traceback (most recent call last)
<ipython-input-47-0c83c1ad362d> in <module>
      1 lp.expstaticLP(None, graphs[-4:], embedding, 1, outdir + '/', 'test', n_sample_nodes=graphs[-4].number_of_nodes(),
----> 2               is_undirected=False)

c:\users\matth\anaconda3\envs\comp596\lib\site-packages\dynamicgem\evaluation\evaluate_link_prediction.py in expstaticLP(dynamic_sbm_series, graphs, embedding, rounds, res_pre, m_summ, n_sample_nodes, train_ratio_init, no_python, is_undirected, sampling_scheme)
    513                                               no_python=no_python,
    514                                               is_undirected=is_undirected,
--> 515                                               sampling_scheme=sampling_scheme)
    516         summ_file = open('%s%s.dlpsumm' % (res_pre, m_summ), 'a')
    517         summ_file.write('\tt=%d%f/%f\t%s\n' % (

c:\users\matth\anaconda3\envs\comp596\lib\site-packages\dynamicgem\evaluation\evaluate_link_prediction.py in evaluateDynamicLinkPrediction(graph, embedding, rounds, n_sample_nodes, no_python, is_undirected, sampling_scheme)
     46                 n_sample_nodes
     47             )
---> 48     estimated_adj = embedding.predict_next_adj(node_l)
     49     print(len(estimated_adj), np.shape(estimated_adj))
     50 

c:\users\matth\anaconda3\envs\comp596\lib\site-packages\dynamicgem\embedding\ae_static.py in predict_next_adj(self, node_l)
    319         if node_l is not None:
    320             # pdb.set_trace()
--> 321             return self._next_adj[node_l]
    322         else:
    323             return self._next_adj

IndexError: index 1117 is out of bounds for axis 0 with size 1100

Any chance I could get some help with this?

Does each graph within a dynamic graph series need to contain the same number of nodes? It looks like they might.

If lookback is set to 1, what does it mean?

Hi,I have some questions. What does it mean if I set 'lookback' to 1? In your paper ,you says lookback can be set to 1 ,but it seems not to make sense. How could we get dynamic information just through one graph?

Install Issue:

Hello,

When I run sudo python setup.py install, the script ends with the following error: RuntimeError: Python version >= 3.5 required.

I presume this is something simple to fix; however, I am not sure of how to get DynamicGEM to install to Python 3 instead of Python 2. I am running the installation from a conda environment in which the default Python version is 3.

The first time Python 2.7 is referenced is in line 13: copying dynamicgem/version.py -> build/lib.linux-x86_64-2.7/dynamicgem

Thanks for your suggestions!

Best,
Alex

Output of sudo python setup.py install

running install
running bdist_egg
running egg_info
writing requirements to dynamicgem.egg-info/requires.txt
writing dynamicgem.egg-info/PKG-INFO
writing top-level names to dynamicgem.egg-info/top_level.txt
writing dependency_links to dynamicgem.egg-info/dependency_links.txt
reading manifest file 'dynamicgem.egg-info/SOURCES.txt'
writing manifest file 'dynamicgem.egg-info/SOURCES.txt'
installing library code to build/bdist.linux-x86_64/egg
running install_lib
running build_py
copying dynamicgem/version.py -> build/lib.linux-x86_64-2.7/dynamicgem
creating build/bdist.linux-x86_64/egg
creating build/bdist.linux-x86_64/egg/dynamicgem
creating build/bdist.linux-x86_64/egg/dynamicgem/utils
copying build/lib.linux-x86_64-2.7/dynamicgem/utils/ts_utils.py -> build/bdist.linux-x86_64/egg/dynamicgem/utils
copying build/lib.linux-x86_64-2.7/dynamicgem/utils/plot_util.py -> build/bdist.linux-x86_64/egg/dynamicgem/utils
copying build/lib.linux-x86_64-2.7/dynamicgem/utils/evaluation_util.py -> build/bdist.linux-x86_64/egg/dynamicgem/utils
copying build/lib.linux-x86_64-2.7/dynamicgem/utils/embed_util.py -> build/bdist.linux-x86_64/egg/dynamicgem/utils
copying build/lib.linux-x86_64-2.7/dynamicgem/utils/graph_util.py -> build/bdist.linux-x86_64/egg/dynamicgem/utils
copying build/lib.linux-x86_64-2.7/dynamicgem/utils/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/utils
copying build/lib.linux-x86_64-2.7/dynamicgem/utils/fig_util.py -> build/bdist.linux-x86_64/egg/dynamicgem/utils
copying build/lib.linux-x86_64-2.7/dynamicgem/utils/dataprep_util.py -> build/bdist.linux-x86_64/egg/dynamicgem/utils
creating build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/dynamic_SBM_graph.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/dynamic_military_call_graph_v1.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/dynamic_military_call_graph.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/static_military_call_graph_v2.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/getAS_nx.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/createHepTHCollabNet_nx.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/static_military_call_graph.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/motivation.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/static_military_call_graph_v1.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/SBM_graph.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/testgraphgen.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
copying build/lib.linux-x86_64-2.7/dynamicgem/graph_generation/SBM_node_migration.py -> build/bdist.linux-x86_64/egg/dynamicgem/graph_generation
creating build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/__main__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad
creating build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/scripts
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/scripts/test.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/scripts
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/scripts/stdtests.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/scripts
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/scripts/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/scripts
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/scripts/academic2adjlist.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/scripts
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad
creating build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core
creating build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/cython_src
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/cython_src/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/cython_src
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/graphtool_utils.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core
creating build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/kerasext/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext
creating build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/debug
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/kerasext/debug/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/debug
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/kerasext/debug/finite_number_check.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/debug
creating build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/keras_backend_patches
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/kerasext/keras_backend_patches/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/keras_backend_patches
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/kerasext/keras_backend_patches/theano_patches.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/keras_backend_patches
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/kerasext/keras_backend_patches/tensorflow_patches.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/keras_backend_patches
creating build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/dataset
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/dataset/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/dataset
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/dataset/adjlist.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/dataset
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/dataset/dataset_utils.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/dataset
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/dataset/citation.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/dataset
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/gconv.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/utils.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/utils_py.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/mygraph_utils.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/gconfig.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core
creating build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/algorithm/embutils.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm
creating build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/samplers
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/algorithm/samplers/sampler.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/samplers
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/algorithm/samplers/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/samplers
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/algorithm/samplers/pos_neg_tri.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/samplers
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/algorithm/samplers/pos_neg.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/samplers
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/algorithm/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm
copying build/lib.linux-x86_64-2.7/dynamicgem/dynamictriad/core/algorithm/dynamic_triad.py -> build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm
copying build/lib.linux-x86_64-2.7/dynamicgem/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem
copying build/lib.linux-x86_64-2.7/dynamicgem/version.py -> build/bdist.linux-x86_64/egg/dynamicgem
creating build/bdist.linux-x86_64/egg/dynamicgem/visualization
copying build/lib.linux-x86_64-2.7/dynamicgem/visualization/plot_dynamic_sbm_embedding.py -> build/bdist.linux-x86_64/egg/dynamicgem/visualization
copying build/lib.linux-x86_64-2.7/dynamicgem/visualization/plot_static_embedding.py -> build/bdist.linux-x86_64/egg/dynamicgem/visualization
copying build/lib.linux-x86_64-2.7/dynamicgem/visualization/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/visualization
copying build/lib.linux-x86_64-2.7/dynamicgem/visualization/plot_dynamic_embedding.py -> build/bdist.linux-x86_64/egg/dynamicgem/visualization
creating build/bdist.linux-x86_64/egg/dynamicgem/evaluation
copying build/lib.linux-x86_64-2.7/dynamicgem/evaluation/standardTest.py -> build/bdist.linux-x86_64/egg/dynamicgem/evaluation
copying build/lib.linux-x86_64-2.7/dynamicgem/evaluation/visualize_embedding.py -> build/bdist.linux-x86_64/egg/dynamicgem/evaluation
copying build/lib.linux-x86_64-2.7/dynamicgem/evaluation/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/evaluation
copying build/lib.linux-x86_64-2.7/dynamicgem/evaluation/evaluate_graph_reconstruction.py -> build/bdist.linux-x86_64/egg/dynamicgem/evaluation
copying build/lib.linux-x86_64-2.7/dynamicgem/evaluation/metrics.py -> build/bdist.linux-x86_64/egg/dynamicgem/evaluation
copying build/lib.linux-x86_64-2.7/dynamicgem/evaluation/evaluate_link_prediction.py -> build/bdist.linux-x86_64/egg/dynamicgem/evaluation
creating build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/sdne_dynamic.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/dynRNN.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/dynAERNN.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/dynamicTriad.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/TIMERS.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/static_graph_embedding.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/sdne_utils.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/dynSDNE.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/__init__.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/graphFac_dynamic.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/dynAE.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/dnn_utils.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/dynamic_graph_embedding.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
copying build/lib.linux-x86_64-2.7/dynamicgem/embedding/ae_static.py -> build/bdist.linux-x86_64/egg/dynamicgem/embedding
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/utils/ts_utils.py to ts_utils.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/utils/plot_util.py to plot_util.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/utils/evaluation_util.py to evaluation_util.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/utils/embed_util.py to embed_util.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/utils/graph_util.py to graph_util.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/utils/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/utils/fig_util.py to fig_util.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/utils/dataprep_util.py to dataprep_util.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/dynamic_SBM_graph.py to dynamic_SBM_graph.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/dynamic_military_call_graph_v1.py to dynamic_military_call_graph_v1.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/dynamic_military_call_graph.py to dynamic_military_call_graph.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/static_military_call_graph_v2.py to static_military_call_graph_v2.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/getAS_nx.py to getAS_nx.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/createHepTHCollabNet_nx.py to createHepTHCollabNet_nx.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/static_military_call_graph.py to static_military_call_graph.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/motivation.py to motivation.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/static_military_call_graph_v1.py to static_military_call_graph_v1.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/SBM_graph.py to SBM_graph.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/testgraphgen.py to testgraphgen.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/graph_generation/SBM_node_migration.py to SBM_node_migration.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/__main__.py to __main__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/scripts/test.py to test.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/scripts/stdtests.py to stdtests.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/scripts/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/scripts/academic2adjlist.py to academic2adjlist.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/cython_src/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/graphtool_utils.py to graphtool_utils.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/debug/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/debug/finite_number_check.py to finite_number_check.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/keras_backend_patches/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/keras_backend_patches/theano_patches.py to theano_patches.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/kerasext/keras_backend_patches/tensorflow_patches.py to tensorflow_patches.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/dataset/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/dataset/adjlist.py to adjlist.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/dataset/dataset_utils.py to dataset_utils.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/dataset/citation.py to citation.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/gconv.py to gconv.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/utils.py to utils.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/utils_py.py to utils_py.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/mygraph_utils.py to mygraph_utils.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/gconfig.py to gconfig.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/embutils.py to embutils.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/samplers/sampler.py to sampler.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/samplers/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/samplers/pos_neg_tri.py to pos_neg_tri.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/samplers/pos_neg.py to pos_neg.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/dynamictriad/core/algorithm/dynamic_triad.py to dynamic_triad.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/version.py to version.pyc
Sorry: IndentationError: unexpected indent (version.py, line 3)
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/visualization/plot_dynamic_sbm_embedding.py to plot_dynamic_sbm_embedding.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/visualization/plot_static_embedding.py to plot_static_embedding.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/visualization/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/visualization/plot_dynamic_embedding.py to plot_dynamic_embedding.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/evaluation/standardTest.py to standardTest.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/evaluation/visualize_embedding.py to visualize_embedding.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/evaluation/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/evaluation/evaluate_graph_reconstruction.py to evaluate_graph_reconstruction.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/evaluation/metrics.py to metrics.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/evaluation/evaluate_link_prediction.py to evaluate_link_prediction.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/sdne_dynamic.py to sdne_dynamic.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/dynRNN.py to dynRNN.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/dynAERNN.py to dynAERNN.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/dynamicTriad.py to dynamicTriad.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/TIMERS.py to TIMERS.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/static_graph_embedding.py to static_graph_embedding.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/sdne_utils.py to sdne_utils.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/dynSDNE.py to dynSDNE.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/__init__.py to __init__.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/graphFac_dynamic.py to graphFac_dynamic.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/dynAE.py to dynAE.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/dnn_utils.py to dnn_utils.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/dynamic_graph_embedding.py to dynamic_graph_embedding.pyc
byte-compiling build/bdist.linux-x86_64/egg/dynamicgem/embedding/ae_static.py to ae_static.pyc
creating build/bdist.linux-x86_64/egg/EGG-INFO
copying dynamicgem.egg-info/PKG-INFO -> build/bdist.linux-x86_64/egg/EGG-INFO
copying dynamicgem.egg-info/SOURCES.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying dynamicgem.egg-info/dependency_links.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying dynamicgem.egg-info/requires.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying dynamicgem.egg-info/top_level.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
zip_safe flag not set; analyzing archive contents...
dynamicgem.dynamictriad.core.__init__: module references __file__
dynamicgem.dynamictriad.core.utils: module references __file__
dynamicgem.dynamictriad.scripts.academic2adjlist: module references __file__
dynamicgem.dynamictriad.scripts.stdtests: module references __file__
dynamicgem.dynamictriad.scripts.test: module references __file__
dynamicgem.embedding.TIMERS: module references __file__
dynamicgem.embedding.ae_static: module references __file__
dynamicgem.embedding.dynSDNE: module references __file__
dynamicgem.embedding.dynamicTriad: module references __file__
dynamicgem.evaluation.standardTest: module references __file__
creating 'dist/dynamicgem-1.0.0-py2.7.egg' and adding 'build/bdist.linux-x86_64/egg' to it
removing 'build/bdist.linux-x86_64/egg' (and everything under it)
Processing dynamicgem-1.0.0-py2.7.egg
removing '/usr/local/lib/python2.7/dist-packages/dynamicgem-1.0.0-py2.7.egg' (and everything under it)
creating /usr/local/lib/python2.7/dist-packages/dynamicgem-1.0.0-py2.7.egg
Extracting dynamicgem-1.0.0-py2.7.egg to /usr/local/lib/python2.7/dist-packages
Sorry: IndentationError: unexpected indent (version.py, line 3)
dynamicgem 1.0.0 is already the active version in easy-install.pth

Installed /usr/local/lib/python2.7/dist-packages/dynamicgem-1.0.0-py2.7.egg
Processing dependencies for dynamicgem==1.0.0
Searching for scipy>=1.1.0
Reading https://pypi.python.org/simple/scipy/
Downloading https://files.pythonhosted.org/packages/cb/97/361c8c6ceb3eb765371a702ea873ff2fe112fa40073e7d2b8199db8eb56e/scipy-1.3.0.tar.gz#sha256=c3bb4bd2aca82fb498247deeac12265921fe231502a6bc6edea3ee7fe6c40a7a
Best match: scipy 1.3.0
Processing scipy-1.3.0.tar.gz
Writing /tmp/easy_install-LkqDla/scipy-1.3.0/setup.cfg
Running scipy-1.3.0/setup.py -q bdist_egg --dist-dir /tmp/easy_install-LkqDla/scipy-1.3.0/egg-dist-tmp-NbfS_v
Traceback (most recent call last):
  File "setup.py", line 185, in <module>
    setup_package()
  File "setup.py", line 164, in setup_package
    'Programming Language :: Python :: 3.5', ],
  File "/usr/lib/python2.7/distutils/core.py", line 151, in setup
    dist.run_commands()
  File "/usr/lib/python2.7/distutils/dist.py", line 953, in run_commands
    self.run_command(cmd)
  File "/usr/lib/python2.7/distutils/dist.py", line 972, in run_command
    cmd_obj.run()
  File "/usr/lib/python2.7/dist-packages/setuptools/command/install.py", line 67, in run
    self.do_egg_install()
  File "/usr/lib/python2.7/dist-packages/setuptools/command/install.py", line 117, in do_egg_install
    cmd.run()
  File "/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 437, in run
    self.easy_install(spec, not self.no_deps)
  File "/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 679, in easy_install
    return self.install_item(None, spec, tmpdir, deps, True)
  File "/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 726, in install_item
    self.process_distribution(spec, dist, deps)
  File "/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 771, in process_distribution
    [requirement], self.local_index, self.easy_install
  File "/usr/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 774, in resolve
    replace_conflicting=replace_conflicting
  File "/usr/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 1057, in best_match
    return self.obtain(req, installer)
  File "/usr/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 1069, in obtain
    return installer(requirement)
  File "/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 698, in easy_install
    return self.install_item(spec, dist.location, tmpdir, deps)
  File "/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 724, in install_item
    dists = self.install_eggs(spec, download, tmpdir)
  File "/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 909, in install_eggs
    return self.build_and_install(setup_script, setup_base)
  File "/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 1177, in build_and_install
    self.run_setup(setup_script, setup_base, args)
  File "/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 1163, in run_setup
    run_setup(setup_script, args)
  File "/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 253, in run_setup
    raise
  File "/usr/lib/python2.7/contextlib.py", line 35, in __exit__
    self.gen.throw(type, value, traceback)
  File "/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 195, in setup_context
    yield
  File "/usr/lib/python2.7/contextlib.py", line 35, in __exit__
    self.gen.throw(type, value, traceback)
  File "/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 166, in save_modules
    saved_exc.resume()
  File "/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 141, in resume
    six.reraise(type, exc, self._tb)
  File "/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 154, in save_modules
    yield saved
  File "/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 195, in setup_context
    yield
  File "/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 250, in run_setup
    _execfile(setup_script, ns)
  File "/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 45, in _execfile
    exec(code, globals, locals)
  File "/tmp/easy_install-LkqDla/scipy-1.3.0/setup.py", line 31, in <module>
    'network embedding', 'data mining', 'machine learning']
RuntimeError: Python version >= 3.5 required.

DynAE/DynAERRN error

Hi: thanks for the great package!

I'm trying to learn an embedding on the dblp dataset. I'm able to train for 7 "rounds" of 5 epochs each. However, during the 7th rounds, the code breaks, and I receive the below error.

I'm calling: python embedding.py -t dblp -l 15 -bs 75 -iter 5 -sm 7500 -exp lp -method dynAERNN. The dataset dblp consists of 17 graphs, with the same number of nodes at each time step. I was able to get other datasets running. I am missing something with the parameter settings or how I'm supposed to preprocess the data? Any help appreciated!
Screen Shot 2019-11-11 at 5 57 39 PM

dyAE code has errors

In the dyAE.py file, the code in line 113 should be

x_diff = Subtract()([x_hat, x_pred])

rather than

x_diff = Subtract()([x_hat, x_in])

Also, in dyAE program, batch_generator_dynae function didn't use lookback information, which didn't match the algorithm proposed in the dyngraph2vec paper.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.