Skip to content

Commit 66ced38

Browse files
committed
update tensorgraph to tensorgraphx
1 parent ee02a6d commit 66ced38

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

48 files changed

+90
-90
lines changed

.travis.yml

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -9,17 +9,17 @@ install:
99
- if [[ "$TRAVIS_PYTHON_VERSION" == "2.7" ]]; then
1010
pip install --only-binary=numpy,scipy numpy nose scipy pytest sklearn;
1111
pip install tensorflow;
12-
pip install git+https://github.com/hycis/TensorGraph.git@master;
12+
pip install git+https://github.com/hycis/TensorGraphX.git@master;
1313
fi
1414

1515
- if [[ "$TRAVIS_PYTHON_VERSION" == "3.5" ]]; then
1616
pip3 install --only-binary=numpy,scipy numpy nose scipy pytest sklearn;
1717
pip3 install tensorflow;
18-
pip3 install git+https://github.com/hycis/TensorGraph.git@master;
18+
pip3 install git+https://github.com/hycis/TensorGraphX.git@master;
1919
fi
2020

2121
script:
22-
- echo "TensorGraph Testing.."
22+
- echo "TensorGraphX Testing.."
2323
- if [[ "$TRAVIS_PYTHON_VERSION" == "2.7" ]]; then
2424
python -m pytest test;
2525
fi

LICENCE

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,4 @@
1-
Copyright 2015 The TensorGraph Authors. All rights reserved.
1+
Copyright 2015 The TensorGraphX Authors. All rights reserved.
22

33
Apache License
44
Version 2.0, January 2004
@@ -188,7 +188,7 @@ Copyright 2015 The TensorGraph Authors. All rights reserved.
188188
same "printed page" as the copyright notice for easier
189189
identification within third-party archives.
190190

191-
Copyright 2015, The TensorGraph Authors.
191+
Copyright 2015, The TensorGraphX Authors.
192192

193193
Licensed under the Apache License, Version 2.0 (the "License");
194194
you may not use this file except in compliance with the License.

MANIFEST.in

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,2 +1,2 @@
11
include README.md LICENCE
2-
recursive-include tensorgraph *.py
2+
recursive-include tensorgraphx *.py

README.md

Lines changed: 27 additions & 27 deletions

examples/charcnn_text_classifier.py

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -1,11 +1,11 @@
11

22
import tensorflow as tf
3-
import tensorgraph as tg
4-
from tensorgraph.layers import Reshape, Embedding, Conv2D, RELU, Linear, Flatten, ReduceSum, Softmax
3+
import tensorgraphx as tg
4+
from tensorgraphx.layers import Reshape, Embedding, Conv2D, RELU, Linear, Flatten, ReduceSum, Softmax
55
from nltk.tokenize import RegexpTokenizer
66
from nlpbox import CharNumberEncoder, CatNumberEncoder
7-
from tensorgraph.utils import valid, split_df, make_one_hot
8-
from tensorgraph.cost import entropy, accuracy
7+
from tensorgraphx.utils import valid, split_df, make_one_hot
8+
from tensorgraphx.cost import entropy, accuracy
99
import pandas
1010
import numpy as np
1111

@@ -75,7 +75,7 @@ def tweets(word_len, sent_len, train_valid_ratio=[5,1]):
7575

7676

7777
def train():
78-
from tensorgraph.trainobject import train as mytrain
78+
from tensorgraphx.trainobject import train as mytrain
7979
with tf.Session() as sess:
8080
word_len = 20
8181
sent_len = 50

examples/cifar10_allcnn.py

Lines changed: 10 additions & 10 deletions
Original file line numberDiff line numberDiff line change
@@ -7,15 +7,15 @@
77

88
from __future__ import division, print_function, absolute_import
99

10-
from tensorgraph.layers import Conv2D, RELU, MaxPooling, LRN, Tanh, Dropout, \
10+
from tensorgraphx.layers import Conv2D, RELU, MaxPooling, LRN, Tanh, Dropout, \
1111
Softmax, Flatten, Linear, AvgPooling, \
1212
Lambda, BatchNormalization, IdentityBlock, \
1313
TransitionLayer, DenseNet
14-
from tensorgraph.utils import same, valid, same_nd, valid_nd
15-
import tensorgraph as tg
14+
from tensorgraphx.utils import same, valid, same_nd, valid_nd
15+
import tensorgraphx as tg
1616
import tensorflow as tf
17-
from tensorgraph.cost import entropy, accuracy, mse
18-
from tensorgraph.dataset import Mnist, Cifar10
17+
from tensorgraphx.cost import entropy, accuracy, mse
18+
from tensorgraphx.dataset import Mnist, Cifar10
1919
from tensorflow.python.framework import ops
2020
import numpy as np
2121

@@ -158,7 +158,7 @@ def train():
158158

159159

160160
def train_with_trainobject():
161-
from tensorgraph.trainobject import train as mytrain
161+
from tensorgraphx.trainobject import train as mytrain
162162
config = tf.ConfigProto()
163163
config.gpu_options.allow_growth = True
164164
with tf.Session(config = config) as sess:
@@ -187,7 +187,7 @@ def train_with_trainobject():
187187

188188

189189
def train_with_VGG():
190-
from tensorgraph.trainobject import train as mytrain
190+
from tensorgraphx.trainobject import train as mytrain
191191
config = tf.ConfigProto()
192192
config.gpu_options.allow_growth = True
193193
with tf.Session(config = config) as sess:
@@ -196,7 +196,7 @@ def train_with_VGG():
196196
_, nclass = y_train.shape
197197
print('X max', np.max(X_train))
198198
print('X min', np.min(X_train))
199-
from tensorgraph.layers import VGG19
199+
from tensorgraphx.layers import VGG19
200200
seq = tg.Sequential()
201201
layer = VGG19(input_channels=c, input_shape=(h,w))
202202
seq.add(layer)
@@ -223,7 +223,7 @@ def train_with_VGG():
223223

224224

225225
def train_with_Resnet():
226-
from tensorgraph.trainobject import train as mytrain
226+
from tensorgraphx.trainobject import train as mytrain
227227
config = tf.ConfigProto()
228228
config.gpu_options.allow_growth = True
229229
with tf.Session(config = config) as sess:
@@ -268,7 +268,7 @@ def train_with_Resnet():
268268

269269

270270
def train_with_Densenet():
271-
from tensorgraph.trainobject import train as mytrain
271+
from tensorgraphx.trainobject import train as mytrain
272272
config = tf.ConfigProto()
273273
config.gpu_options.allow_growth = True
274274
with tf.Session(config = config) as sess:

examples/example.py

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -1,9 +1,9 @@
11

22
import tensorflow as tf
33
import numpy as np
4-
from tensorgraph import Graph, StartNode, HiddenNode, EndNode
5-
from tensorgraph.layers import Linear, RELU, Concat, Mean, Sum
6-
from tensorgraph import ProgressBar, SequentialIterator
4+
from tensorgraphx import Graph, StartNode, HiddenNode, EndNode
5+
from tensorgraphx.layers import Linear, RELU, Concat, Mean, Sum
6+
from tensorgraphx import ProgressBar, SequentialIterator
77

88

99
def model():

examples/hierachical_softmax.py

Lines changed: 6 additions & 6 deletions
Original file line numberDiff line numberDiff line change
@@ -1,12 +1,12 @@
11

2-
from tensorgraph.node import StartNode, HiddenNode, EndNode
2+
from tensorgraphx.node import StartNode, HiddenNode, EndNode
33
import tensorflow as tf
4-
from tensorgraph.layers.linear import Linear
5-
from tensorgraph.layers.activation import RELU, Softmax
6-
from tensorgraph.layers.merge import Concat, Mean, Sum
7-
from tensorgraph.graph import Graph
4+
from tensorgraphx.layers.linear import Linear
5+
from tensorgraphx.layers.activation import RELU, Softmax
6+
from tensorgraphx.layers.merge import Concat, Mean, Sum
7+
from tensorgraphx.graph import Graph
88
import numpy as np
9-
from tensorgraph.data_iterator import SequentialIterator
9+
from tensorgraphx.data_iterator import SequentialIterator
1010

1111
## params
1212
x_dim = 50

examples/mnist_cnn.py

Lines changed: 6 additions & 6 deletions
Original file line numberDiff line numberDiff line change
@@ -11,13 +11,13 @@
1111

1212
from __future__ import division, print_function, absolute_import
1313

14-
from tensorgraph.layers import Conv2D, RELU, MaxPooling, LRN, Tanh, Dropout, \
14+
from tensorgraphx.layers import Conv2D, RELU, MaxPooling, LRN, Tanh, Dropout, \
1515
Softmax, Flatten, Linear, BatchNormalization
16-
from tensorgraph.utils import same
17-
import tensorgraph as tg
16+
from tensorgraphx.utils import same
17+
import tensorgraphx as tg
1818
import tensorflow as tf
19-
from tensorgraph.cost import entropy, accuracy
20-
from tensorgraph.dataset import Mnist
19+
from tensorgraphx.cost import entropy, accuracy
20+
from tensorgraphx.dataset import Mnist
2121
from tensorflow.python.framework import ops
2222

2323
def model():
@@ -135,7 +135,7 @@ def train():
135135

136136

137137
def train_with_trainobject():
138-
from tensorgraph.trainobject import train as mytrain
138+
from tensorgraphx.trainobject import train as mytrain
139139
with tf.Session() as sess:
140140
seq = model()
141141
X_train, y_train, X_test, y_test = Mnist(flatten=False, onehot=True, binary=True, datadir='.')

examples/multi_gpus_horovod.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,5 @@
11

2-
import tensorgraph as tg
2+
import tensorgraphx as tg
33
import numpy as np
44
import tensorflow as tf
55
import horovod.tensorflow as hvd

0 commit comments

Comments
 (0)