You are viewing a plain text version of this content. The canonical link for it is here.
Posted to commits@singa.apache.org by wa...@apache.org on 2017/04/18 03:31:39 UTC

svn commit: r1791735 [1/2] - in /incubator/singa/site/trunk: en/ en/_sources/ en/_sources/docs/ en/_sources/releases/ en/_static/ en/community/ en/develop/ en/docs/ en/docs/model_zoo/ en/docs/model_zoo/caffe/ en/docs/model_zoo/char-rnn/ en/docs/model_z...

Author: wangwei
Date: Tue Apr 18 03:31:39 2017
New Revision: 1791735

URL: http://svn.apache.org/viewvc?rev=1791735&view=rev
Log:
update the docs by jenkins for commit e527db9

Added:
    incubator/singa/site/trunk/en/_static/apache.png   (with props)
    incubator/singa/site/trunk/zh/_static/apache.png   (with props)
Modified:
    incubator/singa/site/trunk/en/_sources/docs/cnn.md.txt
    incubator/singa/site/trunk/en/_sources/docs/installation.md.txt
    incubator/singa/site/trunk/en/_sources/index.rst.txt
    incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.1.0.md.txt
    incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.2.0.md.txt
    incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.3.0.md.txt
    incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_1.0.0.md.txt
    incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_1.1.0.md.txt
    incubator/singa/site/trunk/en/community/issue-tracking.html
    incubator/singa/site/trunk/en/community/mail-lists.html
    incubator/singa/site/trunk/en/community/source-repository.html
    incubator/singa/site/trunk/en/community/team-list.html
    incubator/singa/site/trunk/en/develop/contribute-code.html
    incubator/singa/site/trunk/en/develop/contribute-docs.html
    incubator/singa/site/trunk/en/develop/how-contribute.html
    incubator/singa/site/trunk/en/develop/schedule.html
    incubator/singa/site/trunk/en/docs.html
    incubator/singa/site/trunk/en/docs/cnn.html
    incubator/singa/site/trunk/en/docs/converter.html
    incubator/singa/site/trunk/en/docs/data.html
    incubator/singa/site/trunk/en/docs/dependencies.html
    incubator/singa/site/trunk/en/docs/device.html
    incubator/singa/site/trunk/en/docs/docker.html
    incubator/singa/site/trunk/en/docs/image_tool.html
    incubator/singa/site/trunk/en/docs/index.html
    incubator/singa/site/trunk/en/docs/initializer.html
    incubator/singa/site/trunk/en/docs/installation.html
    incubator/singa/site/trunk/en/docs/layer.html
    incubator/singa/site/trunk/en/docs/loss.html
    incubator/singa/site/trunk/en/docs/metric.html
    incubator/singa/site/trunk/en/docs/model_zoo/caffe/README.html
    incubator/singa/site/trunk/en/docs/model_zoo/char-rnn/README.html
    incubator/singa/site/trunk/en/docs/model_zoo/cifar10/README.html
    incubator/singa/site/trunk/en/docs/model_zoo/imagenet/alexnet/README.html
    incubator/singa/site/trunk/en/docs/model_zoo/imagenet/googlenet/README.html
    incubator/singa/site/trunk/en/docs/model_zoo/imagenet/resnet/README.html
    incubator/singa/site/trunk/en/docs/model_zoo/index.html
    incubator/singa/site/trunk/en/docs/model_zoo/mnist/README.html
    incubator/singa/site/trunk/en/docs/net.html
    incubator/singa/site/trunk/en/docs/neural-net.html
    incubator/singa/site/trunk/en/docs/notebook/README.html
    incubator/singa/site/trunk/en/docs/optimizer.html
    incubator/singa/site/trunk/en/docs/snapshot.html
    incubator/singa/site/trunk/en/docs/software_stack.html
    incubator/singa/site/trunk/en/docs/tensor.html
    incubator/singa/site/trunk/en/docs/utils.html
    incubator/singa/site/trunk/en/downloads.html
    incubator/singa/site/trunk/en/genindex.html
    incubator/singa/site/trunk/en/index.html
    incubator/singa/site/trunk/en/objects.inv
    incubator/singa/site/trunk/en/py-modindex.html
    incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.1.0.html
    incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.2.0.html
    incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.3.0.html
    incubator/singa/site/trunk/en/releases/RELEASE_NOTES_1.0.0.html
    incubator/singa/site/trunk/en/releases/RELEASE_NOTES_1.1.0.html
    incubator/singa/site/trunk/en/search.html
    incubator/singa/site/trunk/en/searchindex.js
    incubator/singa/site/trunk/zh/genindex.html
    incubator/singa/site/trunk/zh/index.html
    incubator/singa/site/trunk/zh/search.html

Modified: incubator/singa/site/trunk/en/_sources/docs/cnn.md.txt
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/_sources/docs/cnn.md.txt?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/_sources/docs/cnn.md.txt (original)
+++ incubator/singa/site/trunk/en/_sources/docs/cnn.md.txt Tue Apr 18 03:31:39 2017
@@ -1,141 +1,141 @@
-#Quickstart - Cifar10 example
-Convolution neural network (CNN) is a type of feed-forward artificial neural network widely used for image classification. In this example, we will use a deep CNN model to do image classification for the [CIFAR10 dataset](http://www.cs.toronto.edu/~kriz/cifar.html).
-
-## Running instructions for CPP version
-Please refer to [Installation](installation.html) page for how to install SINGA. Currently, we CNN requires CUDNN, hence both CUDA and CUDNN should be installed and SINGA should be compiled with CUDA and CUDNN.
-
-The Cifar10 dataset could be downloaded by running
-
-    # switch to cifar10 directory
-    $ cd ../examples/cifar10
-    # download data for CPP version
-    $ python download_data.py bin
-
-'bin' is for downloading binary version of Cifar10 data.
-
-During downloading, you should see the detailed output like
-
-     Downloading CIFAR10 from http://www.cs.toronto.edu/~kriz/cifar-10-binary.tar.gz
-     The tar file does exist. Extracting it now..
-     Finished!
-
-Now you have prepared the data for this Cifar10 example, the final step is to execute the `run.sh` script,
-
-    # in SINGA_ROOT/examples/cifar10/
-    $ ./run.sh
-
-You should see the detailed output as follows: first read the data files in order, show the statistics of training and testing data, then show the details of neural net structure with some parameter information, finally illustrate the performance details during training and validation process. The number of epochs can be specified in `run.sh` file.
-
-    Start training
-    Reading file cifar-10-batches-bin/data_batch_1.bin
-    Reading file cifar-10-batches-bin/data_batch_2.bin
-    Reading file cifar-10-batches-bin/data_batch_3.bin
-    Reading file cifar-10-batches-bin/data_batch_4.bin
-    Reading file cifar-10-batches-bin/data_batch_5.bin
-    Reading file cifar-10-batches-bin/test_batch.bin
-    Training samples = 50000, Test samples = 10000
-    conv1(32, 32, 32, )
-    pool1(32, 16, 16, )
-    relu1(32, 16, 16, )
-    lrn1(32, 16, 16, )
-    conv2(32, 16, 16, )
-    relu2(32, 16, 16, )
-    pool2(32, 8, 8, )
-    lrn2(32, 8, 8, )
-    conv3(64, 8, 8, )
-    relu3(64, 8, 8, )
-    pool3(64, 4, 4, )
-    flat(1024, )
-    ip(10, )
-    conv1_weight : 8.09309e-05
-    conv1_bias : 0
-    conv2_weight : 0.00797731
-    conv2_bias : 0
-    conv3_weight : 0.00795888
-    conv3_bias : 0
-    ip_weight : 0.00798683
-    ip_bias : 0
-    Messages will be appended to an existed file: train_perf
-    Messages will be appended to an existed file: val_perf
-    Epoch 0, training loss = 1.828369, accuracy = 0.329420, lr = 0.001000
-    Epoch 0, val loss = 1.561823, metric = 0.420600
-    Epoch 1, training loss = 1.465898, accuracy = 0.469940, lr = 0.001000
-    Epoch 1, val loss = 1.361778, metric = 0.513300
-    Epoch 2, training loss = 1.320708, accuracy = 0.529000, lr = 0.001000
-    Epoch 2, val loss = 1.242080, metric = 0.549100
-    Epoch 3, training loss = 1.213776, accuracy = 0.571620, lr = 0.001000
-    Epoch 3, val loss = 1.175346, metric = 0.582000
-
-The training details are stored in `train_perf` file in the same directory and the validation details in `val_perf` file.
-
-
-## Running instructions for Python version
-To run CNN example in Python version, we need to compile SINGA with Python binding,
-
-    $ mkdir build && cd build
-    $ cmake -DUSE_PYTHON=ON ..
-    $ make
-
-Now download the Cifar10 dataset,
-
-    # switch to cifar10 directory
-    $ cd ../examples/cifar10
-    # download data for Python version
-    $ python download_data.py py
-
-During downloading, you should see the detailed output like
-
-     Downloading CIFAR10 from http://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz
-     The tar file does exist. Extracting it now..
-     Finished!
-
-Then execute the `train.py` script to build the model
-
-    $ python train.py
-
-You should see the output as follows including the details of neural net structure with some parameter information, reading data files, and the performance details during training and testing process.
-
-    (32L, 32L, 32L)
-    (32L, 16L, 16L)
-    (32L, 16L, 16L)
-    (32L, 16L, 16L)
-    (32L, 16L, 16L)
-    (32L, 16L, 16L)
-    (32L, 8L, 8L)
-    (32L, 8L, 8L)
-    (64L, 8L, 8L)
-    (64L, 8L, 8L)
-    (64L, 4L, 4L)
-    (1024L,)
-    Start intialization............
-    conv1_weight gaussian 7.938460476e-05
-    conv1_bias constant 0.0
-    conv2_weight gaussian 0.00793507322669
-    conv2_bias constant 0.0
-    conv3_weight gaussian 0.00799657031894
-    conv3_bias constant 0.0
-    dense_weight gaussian 0.00804364029318
-    dense_bias constant 0.0
-    Loading data ..................
-    Loading data file cifar-10-batches-py/data_batch_1
-    Loading data file cifar-10-batches-py/data_batch_2
-    Loading data file cifar-10-batches-py/data_batch_3
-    Loading data file cifar-10-batches-py/data_batch_4
-    Loading data file cifar-10-batches-py/data_batch_5
-    Loading data file cifar-10-batches-py/test_batch
-    Epoch 0
-    training loss = 1.881866, training accuracy = 0.306360 accuracy = 0.420000
-    test loss = 1.602577, test accuracy = 0.412200
-    Epoch 1
-    training loss = 1.536011, training accuracy = 0.441940 accuracy = 0.500000
-    test loss = 1.378170, test accuracy = 0.507600
-    Epoch 2
-    training loss = 1.333137, training accuracy = 0.519960 accuracy = 0.520000
-    test loss = 1.272205, test accuracy = 0.540600
-    Epoch 3
-    training loss = 1.185212, training accuracy = 0.574120 accuracy = 0.540000
-    test loss = 1.211573, test accuracy = 0.567600
-
-This script will call `alexnet.py` file to build the alexnet model. After the training is finished, SINGA will save the model parameters into a checkpoint file `model.bin` in the same directory. Then we can use this `model.bin` file for prediction.
-
-    $ python predict.py
+# Quickstart - Cifar10 example
+Convolution neural network (CNN) is a type of feed-forward artificial neural network widely used for image classification. In this example, we will use a deep CNN model to do image classification for the [CIFAR10 dataset](http://www.cs.toronto.edu/~kriz/cifar.html).
+
+## Running instructions for CPP version
+Please refer to [Installation](installation.html) page for how to install SINGA. Currently, we CNN requires CUDNN, hence both CUDA and CUDNN should be installed and SINGA should be compiled with CUDA and CUDNN.
+
+The Cifar10 dataset could be downloaded by running
+
+    # switch to cifar10 directory
+    $ cd ../examples/cifar10
+    # download data for CPP version
+    $ python download_data.py bin
+
+'bin' is for downloading binary version of Cifar10 data.
+
+During downloading, you should see the detailed output like
+
+     Downloading CIFAR10 from http://www.cs.toronto.edu/~kriz/cifar-10-binary.tar.gz
+     The tar file does exist. Extracting it now..
+     Finished!
+
+Now you have prepared the data for this Cifar10 example, the final step is to execute the `run.sh` script,
+
+    # in SINGA_ROOT/examples/cifar10/
+    $ ./run.sh
+
+You should see the detailed output as follows: first read the data files in order, show the statistics of training and testing data, then show the details of neural net structure with some parameter information, finally illustrate the performance details during training and validation process. The number of epochs can be specified in `run.sh` file.
+
+    Start training
+    Reading file cifar-10-batches-bin/data_batch_1.bin
+    Reading file cifar-10-batches-bin/data_batch_2.bin
+    Reading file cifar-10-batches-bin/data_batch_3.bin
+    Reading file cifar-10-batches-bin/data_batch_4.bin
+    Reading file cifar-10-batches-bin/data_batch_5.bin
+    Reading file cifar-10-batches-bin/test_batch.bin
+    Training samples = 50000, Test samples = 10000
+    conv1(32, 32, 32, )
+    pool1(32, 16, 16, )
+    relu1(32, 16, 16, )
+    lrn1(32, 16, 16, )
+    conv2(32, 16, 16, )
+    relu2(32, 16, 16, )
+    pool2(32, 8, 8, )
+    lrn2(32, 8, 8, )
+    conv3(64, 8, 8, )
+    relu3(64, 8, 8, )
+    pool3(64, 4, 4, )
+    flat(1024, )
+    ip(10, )
+    conv1_weight : 8.09309e-05
+    conv1_bias : 0
+    conv2_weight : 0.00797731
+    conv2_bias : 0
+    conv3_weight : 0.00795888
+    conv3_bias : 0
+    ip_weight : 0.00798683
+    ip_bias : 0
+    Messages will be appended to an existed file: train_perf
+    Messages will be appended to an existed file: val_perf
+    Epoch 0, training loss = 1.828369, accuracy = 0.329420, lr = 0.001000
+    Epoch 0, val loss = 1.561823, metric = 0.420600
+    Epoch 1, training loss = 1.465898, accuracy = 0.469940, lr = 0.001000
+    Epoch 1, val loss = 1.361778, metric = 0.513300
+    Epoch 2, training loss = 1.320708, accuracy = 0.529000, lr = 0.001000
+    Epoch 2, val loss = 1.242080, metric = 0.549100
+    Epoch 3, training loss = 1.213776, accuracy = 0.571620, lr = 0.001000
+    Epoch 3, val loss = 1.175346, metric = 0.582000
+
+The training details are stored in `train_perf` file in the same directory and the validation details in `val_perf` file.
+
+
+## Running instructions for Python version
+To run CNN example in Python version, we need to compile SINGA with Python binding,
+
+    $ mkdir build && cd build
+    $ cmake -DUSE_PYTHON=ON ..
+    $ make
+
+Now download the Cifar10 dataset,
+
+    # switch to cifar10 directory
+    $ cd ../examples/cifar10
+    # download data for Python version
+    $ python download_data.py py
+
+During downloading, you should see the detailed output like
+
+     Downloading CIFAR10 from http://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz
+     The tar file does exist. Extracting it now..
+     Finished!
+
+Then execute the `train.py` script to build the model
+
+    $ python train.py
+
+You should see the output as follows including the details of neural net structure with some parameter information, reading data files, and the performance details during training and testing process.
+
+    (32L, 32L, 32L)
+    (32L, 16L, 16L)
+    (32L, 16L, 16L)
+    (32L, 16L, 16L)
+    (32L, 16L, 16L)
+    (32L, 16L, 16L)
+    (32L, 8L, 8L)
+    (32L, 8L, 8L)
+    (64L, 8L, 8L)
+    (64L, 8L, 8L)
+    (64L, 4L, 4L)
+    (1024L,)
+    Start intialization............
+    conv1_weight gaussian 7.938460476e-05
+    conv1_bias constant 0.0
+    conv2_weight gaussian 0.00793507322669
+    conv2_bias constant 0.0
+    conv3_weight gaussian 0.00799657031894
+    conv3_bias constant 0.0
+    dense_weight gaussian 0.00804364029318
+    dense_bias constant 0.0
+    Loading data ..................
+    Loading data file cifar-10-batches-py/data_batch_1
+    Loading data file cifar-10-batches-py/data_batch_2
+    Loading data file cifar-10-batches-py/data_batch_3
+    Loading data file cifar-10-batches-py/data_batch_4
+    Loading data file cifar-10-batches-py/data_batch_5
+    Loading data file cifar-10-batches-py/test_batch
+    Epoch 0
+    training loss = 1.881866, training accuracy = 0.306360 accuracy = 0.420000
+    test loss = 1.602577, test accuracy = 0.412200
+    Epoch 1
+    training loss = 1.536011, training accuracy = 0.441940 accuracy = 0.500000
+    test loss = 1.378170, test accuracy = 0.507600
+    Epoch 2
+    training loss = 1.333137, training accuracy = 0.519960 accuracy = 0.520000
+    test loss = 1.272205, test accuracy = 0.540600
+    Epoch 3
+    training loss = 1.185212, training accuracy = 0.574120 accuracy = 0.540000
+    test loss = 1.211573, test accuracy = 0.567600
+
+This script will call `alexnet.py` file to build the alexnet model. After the training is finished, SINGA will save the model parameters into a checkpoint file `model.bin` in the same directory. Then we can use this `model.bin` file for prediction.
+
+    $ python predict.py

Modified: incubator/singa/site/trunk/en/_sources/docs/installation.md.txt
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/_sources/docs/installation.md.txt?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/_sources/docs/installation.md.txt (original)
+++ incubator/singa/site/trunk/en/_sources/docs/installation.md.txt Tue Apr 18 03:31:39 2017
@@ -15,7 +15,7 @@ Currently, SINGA has conda packages (Pyt
 
       conda install -c nusdbsystem singa-cudax.y-cudnnz
 
-    where <x,y,z> is one of <8.0, 5>, <7.5, 5> and <7.5, 4>.
+    where `x.y,z` is one of <8.0, 5>, <7.5, 5> and <7.5, 4>.
     Users need to install CUDA and cuDNN before installing SINGA.
     If cuDNN is not in system folders (e.g., /usr/local), export the folder of libcudnn.so to LD_LIBRARY_PATH
 
@@ -55,19 +55,19 @@ The following Debian packages (on archit
     <td>Ubuntu14.04</td>
     <td>GPU</td>
     <td>CUDA7.5+cuDNN4</td>
-    <td></td>
+    <td>-</td>
   </tr>
   <tr>
     <td>Ubuntu14.04</td>
     <td>GPU</td>
     <td>CUDA7.5+cuDNN5</td>
-    <td>coming soon</td>
+    <td>-</td>
   </tr>
   <tr>
     <td>Ubuntu14.04</td>
     <td>GPU</td>
     <td>CUDA8.0+cuDNN5</td>
-    <td></td>
+    <td>-</td>
   </tr>
 </table>
 

Modified: incubator/singa/site/trunk/en/_sources/index.rst.txt
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/_sources/index.rst.txt?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/_sources/index.rst.txt (original)
+++ incubator/singa/site/trunk/en/_sources/index.rst.txt Tue Apr 18 03:31:39 2017
@@ -68,6 +68,27 @@ Getting Started
 
 * Refer to the `Jupyter notebooks <http://nbviewer.jupyter.org/github/apache/incubator-singa/blob/master/doc/en/docs/notebook/index.ipynb>`_ for some basic examples and the `model zoo page <./docs/model_zoo/index.html>`_ for more examples.
 
+.. |logo1| image:: _static/github.png
+   :scale: 100%
+   :align: middle
+   :target: https://github.com/apache/incubator-singa
+.. |logo2| image:: _static/awsmp.gif 
+   :scale: 100%
+   :align: middle
+   :target: https://aws.amazon.com/marketplace/seller-profile?id=5bcac385-12c4-4802-aec7-351e09b77b4c
+.. |logo3| image:: _static/docker.png
+   :scale: 50%
+   :align: middle
+   :target: https://hub.docker.com/r/nusdbsystem/singa/
+.. |logo4| image:: _static/jupyter.png
+   :scale: 25%
+   :align: middle
+   :target: http://nbviewer.jupyter.org/github/apache/incubator-singa/blob/master/doc/en/docs/notebook/index.ipynb
+
++---------+---------+---------+---------+
+| |logo1| | |logo2| | |logo3| | |logo4| |
++---------+---------+---------+---------+
+
 Documentation
 -------------
 

Modified: incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.1.0.md.txt
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.1.0.md.txt?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.1.0.md.txt (original)
+++ incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.1.0.md.txt Tue Apr 18 03:31:39 2017
@@ -1,4 +1,4 @@
-#singa-incubating-0.1.0 Release Notes
+# singa-incubating-0.1.0 Release Notes
 
 ---
 

Modified: incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.2.0.md.txt
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.2.0.md.txt?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.2.0.md.txt (original)
+++ incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.2.0.md.txt Tue Apr 18 03:31:39 2017
@@ -1,4 +1,4 @@
-#singa-incubating-0.2.0 Release Notes
+# singa-incubating-0.2.0 Release Notes
 
 ---
 

Modified: incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.3.0.md.txt
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.3.0.md.txt?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.3.0.md.txt (original)
+++ incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_0.3.0.md.txt Tue Apr 18 03:31:39 2017
@@ -1,4 +1,4 @@
-#singa-incubating-0.3.0 Release Notes
+# singa-incubating-0.3.0 Release Notes
 
 ---
 

Modified: incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_1.0.0.md.txt
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_1.0.0.md.txt?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_1.0.0.md.txt (original)
+++ incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_1.0.0.md.txt Tue Apr 18 03:31:39 2017
@@ -1,4 +1,4 @@
-#singa-incubating-1.0.0 Release Notes
+# singa-incubating-1.0.0 Release Notes
 
 ---
 

Modified: incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_1.1.0.md.txt
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_1.1.0.md.txt?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_1.1.0.md.txt (original)
+++ incubator/singa/site/trunk/en/_sources/releases/RELEASE_NOTES_1.1.0.md.txt Tue Apr 18 03:31:39 2017
@@ -1,4 +1,4 @@
-#singa-incubating-1.1.0 Release Notes
+# singa-incubating-1.1.0 Release Notes
 
 ---
 

Added: incubator/singa/site/trunk/en/_static/apache.png
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/_static/apache.png?rev=1791735&view=auto
==============================================================================
Binary file - no diff available.

Propchange: incubator/singa/site/trunk/en/_static/apache.png
------------------------------------------------------------------------------
    svn:mime-type = application/octet-stream

Modified: incubator/singa/site/trunk/en/community/issue-tracking.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/community/issue-tracking.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/community/issue-tracking.html (original)
+++ incubator/singa/site/trunk/en/community/issue-tracking.html Tue Apr 18 03:31:39 2017
@@ -245,7 +245,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/community/mail-lists.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/community/mail-lists.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/community/mail-lists.html (original)
+++ incubator/singa/site/trunk/en/community/mail-lists.html Tue Apr 18 03:31:39 2017
@@ -272,7 +272,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/community/source-repository.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/community/source-repository.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/community/source-repository.html (original)
+++ incubator/singa/site/trunk/en/community/source-repository.html Tue Apr 18 03:31:39 2017
@@ -263,7 +263,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/community/team-list.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/community/team-list.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/community/team-list.html (original)
+++ incubator/singa/site/trunk/en/community/team-list.html Tue Apr 18 03:31:39 2017
@@ -359,7 +359,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/develop/contribute-code.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/develop/contribute-code.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/develop/contribute-code.html (original)
+++ incubator/singa/site/trunk/en/develop/contribute-code.html Tue Apr 18 03:31:39 2017
@@ -298,7 +298,7 @@ will be automatically updated. For detai
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/develop/contribute-docs.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/develop/contribute-docs.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/develop/contribute-docs.html (original)
+++ incubator/singa/site/trunk/en/develop/contribute-docs.html Tue Apr 18 03:31:39 2017
@@ -276,7 +276,7 @@ $ svn commit -m &quot;commit messages&qu
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/develop/how-contribute.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/develop/how-contribute.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/develop/how-contribute.html (original)
+++ incubator/singa/site/trunk/en/develop/how-contribute.html Tue Apr 18 03:31:39 2017
@@ -247,7 +247,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/develop/schedule.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/develop/schedule.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/develop/schedule.html (original)
+++ incubator/singa/site/trunk/en/develop/schedule.html Tue Apr 18 03:31:39 2017
@@ -422,7 +422,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs.html (original)
+++ incubator/singa/site/trunk/en/docs.html Tue Apr 18 03:31:39 2017
@@ -327,7 +327,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/cnn.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/cnn.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/cnn.html (original)
+++ incubator/singa/site/trunk/en/docs/cnn.html Tue Apr 18 03:31:39 2017
@@ -9,7 +9,7 @@
   
   <meta name="viewport" content="width=device-width, initial-scale=1.0">
   
-  <title>Running instructions for CPP version &mdash; incubator-singa 1.1.0 documentation</title>
+  <title>Quickstart - Cifar10 example &mdash; incubator-singa 1.1.0 documentation</title>
   
 
   
@@ -135,7 +135,7 @@
   <ul class="wy-breadcrumbs">
     <li><a href="../index.html">Docs</a> &raquo;</li>
       
-    <li>Running instructions for CPP version</li>
+    <li>Quickstart - Cifar10 example</li>
       <li class="wy-breadcrumbs-aside">
         
           
@@ -147,10 +147,11 @@
           <div role="main" class="document" itemscope="itemscope" itemtype="http://schema.org/Article">
            <div itemprop="articleBody">
             
-  <p>#Quickstart - Cifar10 example
-Convolution neural network (CNN) is a type of feed-forward artificial neural network widely used for image classification. In this example, we will use a deep CNN model to do image classification for the <a class="reference external" href="http://www.cs.toronto.edu/~kriz/cifar.html">CIFAR10 dataset</a>.</p>
+  <div class="section" id="quickstart-cifar10-example">
+<span id="quickstart-cifar10-example"></span><h1>Quickstart - Cifar10 example<a class="headerlink" href="#quickstart-cifar10-example" title="Permalink to this headline">¶</a></h1>
+<p>Convolution neural network (CNN) is a type of feed-forward artificial neural network widely used for image classification. In this example, we will use a deep CNN model to do image classification for the <a class="reference external" href="http://www.cs.toronto.edu/~kriz/cifar.html">CIFAR10 dataset</a>.</p>
 <div class="section" id="running-instructions-for-cpp-version">
-<span id="running-instructions-for-cpp-version"></span><h1>Running instructions for CPP version<a class="headerlink" href="#running-instructions-for-cpp-version" title="Permalink to this headline">¶</a></h1>
+<span id="running-instructions-for-cpp-version"></span><h2>Running instructions for CPP version<a class="headerlink" href="#running-instructions-for-cpp-version" title="Permalink to this headline">¶</a></h2>
 <p>Please refer to <a class="reference external" href="installation.html">Installation</a> page for how to install SINGA. Currently, we CNN requires CUDNN, hence both CUDA and CUDNN should be installed and SINGA should be compiled with CUDA and CUDNN.</p>
 <p>The Cifar10 dataset could be downloaded by running</p>
 <div class="highlight-default"><div class="highlight"><pre><span></span># switch to cifar10 directory
@@ -216,7 +217,7 @@ $ ./run.sh
 <p>The training details are stored in <code class="docutils literal"><span class="pre">train_perf</span></code> file in the same directory and the validation details in <code class="docutils literal"><span class="pre">val_perf</span></code> file.</p>
 </div>
 <div class="section" id="running-instructions-for-python-version">
-<span id="running-instructions-for-python-version"></span><h1>Running instructions for Python version<a class="headerlink" href="#running-instructions-for-python-version" title="Permalink to this headline">¶</a></h1>
+<span id="running-instructions-for-python-version"></span><h2>Running instructions for Python version<a class="headerlink" href="#running-instructions-for-python-version" title="Permalink to this headline">¶</a></h2>
 <p>To run CNN example in Python version, we need to compile SINGA with Python binding,</p>
 <div class="highlight-default"><div class="highlight"><pre><span></span>$ mkdir build &amp;&amp; cd build
 $ cmake -DUSE_PYTHON=ON ..
@@ -288,6 +289,7 @@ $ python download_data.py py
 </pre></div>
 </div>
 </div>
+</div>
 
 
            </div>
@@ -366,7 +368,7 @@ $ python download_data.py py
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/converter.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/converter.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/converter.html (original)
+++ incubator/singa/site/trunk/en/docs/converter.html Tue Apr 18 03:31:39 2017
@@ -260,7 +260,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/data.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/data.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/data.html (original)
+++ incubator/singa/site/trunk/en/docs/data.html Tue Apr 18 03:31:39 2017
@@ -316,7 +316,7 @@ space or comma</li>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/dependencies.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/dependencies.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/dependencies.html (original)
+++ incubator/singa/site/trunk/en/docs/dependencies.html Tue Apr 18 03:31:39 2017
@@ -302,7 +302,7 @@ folders).</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/device.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/device.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/device.html (original)
+++ incubator/singa/site/trunk/en/docs/device.html Tue Apr 18 03:31:39 2017
@@ -333,7 +333,7 @@ to call singa::Device and its methods.</
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/docker.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/docker.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/docker.html (original)
+++ incubator/singa/site/trunk/en/docs/docker.html Tue Apr 18 03:31:39 2017
@@ -284,7 +284,7 @@ The folder structure is like</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/image_tool.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/image_tool.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/image_tool.html (original)
+++ incubator/singa/site/trunk/en/docs/image_tool.html Tue Apr 18 03:31:39 2017
@@ -550,7 +550,7 @@ it into given size.</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/index.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/index.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/index.html (original)
+++ incubator/singa/site/trunk/en/docs/index.html Tue Apr 18 03:31:39 2017
@@ -353,7 +353,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/initializer.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/initializer.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/initializer.html (original)
+++ incubator/singa/site/trunk/en/docs/initializer.html Tue Apr 18 03:31:39 2017
@@ -330,7 +330,7 @@ Rectifiers: Surpassing Human-Level Perfo
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/installation.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/installation.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/installation.html (original)
+++ incubator/singa/site/trunk/en/docs/installation.html Tue Apr 18 03:31:39 2017
@@ -200,7 +200,7 @@ Currently, SINGA has conda packages (Pyt
 </li>
 <li><p class="first">GPU via CUDA+cuDNN</p>
 <p>conda install -c nusdbsystem singa-cudax.y-cudnnz</p>
-<p>where &lt;x,y,z&gt; is one of &lt;8.0, 5&gt;, &lt;7.5, 5&gt; and &lt;7.5, 4&gt;.
+<p>where <code class="docutils literal"><span class="pre">x.y,z</span></code> is one of &lt;8.0, 5&gt;, &lt;7.5, 5&gt; and &lt;7.5, 4&gt;.
 Users need to install CUDA and cuDNN before installing SINGA.
 If cuDNN is not in system folders (e.g., /usr/local), export the folder of libcudnn.so to LD_LIBRARY_PATH</p>
 </li>
@@ -240,19 +240,19 @@ If cuDNN is not in system folders (e.g.,
     <td>Ubuntu14.04</td>
     <td>GPU</td>
     <td>CUDA7.5+cuDNN4</td>
-    <td></td>
+    <td>-</td>
   </tr>
   <tr>
     <td>Ubuntu14.04</td>
     <td>GPU</td>
     <td>CUDA7.5+cuDNN5</td>
-    <td>coming soon</td>
+    <td>-</td>
   </tr>
   <tr>
     <td>Ubuntu14.04</td>
     <td>GPU</td>
     <td>CUDA8.0+cuDNN5</td>
-    <td></td>
+    <td>-</td>
   </tr>
 </table><p>Download the deb file and install it via</p>
 <div class="highlight-default"><div class="highlight"><pre><span></span><span class="n">apt</span><span class="o">-</span><span class="n">get</span> <span class="n">install</span> <span class="o">&lt;</span><span class="n">path</span> <span class="n">to</span> <span class="n">the</span> <span class="n">deb</span> <span class="n">file</span><span class="p">,</span> <span class="n">e</span><span class="o">.</span><span class="n">g</span><span class="o">.</span><span class="p">,</span> <span class="o">./</span><span class="n">python</span><span class="o">-</span><span class="n">singa</span><span class="o">.</span><span class="n">deb</span><span class="o">&gt;</span>
@@ -707,7 +707,7 @@ In particular, if you build PySINGA from
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/layer.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/layer.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/layer.html (original)
+++ incubator/singa/site/trunk/en/docs/layer.html Tue Apr 18 03:31:39 2017
@@ -1165,7 +1165,7 @@ supported layers</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/loss.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/loss.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/loss.html (original)
+++ incubator/singa/site/trunk/en/docs/loss.html Tue Apr 18 03:31:39 2017
@@ -418,7 +418,7 @@ value is [0, x.shape[1])</li>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/metric.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/metric.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/metric.html (original)
+++ incubator/singa/site/trunk/en/docs/metric.html Tue Apr 18 03:31:39 2017
@@ -337,7 +337,7 @@ ground truth to get the metric values.</
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/model_zoo/caffe/README.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/model_zoo/caffe/README.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/model_zoo/caffe/README.html (original)
+++ incubator/singa/site/trunk/en/docs/model_zoo/caffe/README.html Tue Apr 18 03:31:39 2017
@@ -263,7 +263,7 @@ You can start the prediction program by
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../../../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../../../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/model_zoo/char-rnn/README.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/model_zoo/char-rnn/README.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/model_zoo/char-rnn/README.html (original)
+++ incubator/singa/site/trunk/en/docs/model_zoo/char-rnn/README.html Tue Apr 18 03:31:39 2017
@@ -304,7 +304,7 @@ Other plain text files can also be used.
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../../../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../../../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/model_zoo/cifar10/README.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/model_zoo/cifar10/README.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/model_zoo/cifar10/README.html (original)
+++ incubator/singa/site/trunk/en/docs/model_zoo/cifar10/README.html Tue Apr 18 03:31:39 2017
@@ -349,7 +349,7 @@ The &#8216;model.bin&#8217; file generat
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../../../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../../../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/model_zoo/imagenet/alexnet/README.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/model_zoo/imagenet/alexnet/README.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/model_zoo/imagenet/alexnet/README.html (original)
+++ incubator/singa/site/trunk/en/docs/model_zoo/imagenet/alexnet/README.html Tue Apr 18 03:31:39 2017
@@ -344,7 +344,7 @@ folder in data preprocessing step;</li>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../../../../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../../../../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/model_zoo/imagenet/googlenet/README.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/model_zoo/imagenet/googlenet/README.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/model_zoo/imagenet/googlenet/README.html (original)
+++ incubator/singa/site/trunk/en/docs/model_zoo/imagenet/googlenet/README.html Tue Apr 18 03:31:39 2017
@@ -339,7 +339,7 @@ Refer to <a class="reference external" h
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../../../../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../../../../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/model_zoo/imagenet/resnet/README.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/model_zoo/imagenet/resnet/README.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/model_zoo/imagenet/resnet/README.html (original)
+++ incubator/singa/site/trunk/en/docs/model_zoo/imagenet/resnet/README.html Tue Apr 18 03:31:39 2017
@@ -285,7 +285,7 @@ the convert.py program.</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../../../../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../../../../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/model_zoo/index.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/model_zoo/index.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/model_zoo/index.html (original)
+++ incubator/singa/site/trunk/en/docs/model_zoo/index.html Tue Apr 18 03:31:39 2017
@@ -299,7 +299,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/model_zoo/mnist/README.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/model_zoo/mnist/README.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/model_zoo/mnist/README.html (original)
+++ incubator/singa/site/trunk/en/docs/model_zoo/mnist/README.html Tue Apr 18 03:31:39 2017
@@ -248,7 +248,7 @@ the program with an additional argument<
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../../../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../../../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/net.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/net.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/net.html (original)
+++ incubator/singa/site/trunk/en/docs/net.html Tue Apr 18 03:31:39 2017
@@ -511,7 +511,7 @@ less space.</li>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/neural-net.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/neural-net.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/neural-net.html (original)
+++ incubator/singa/site/trunk/en/docs/neural-net.html Tue Apr 18 03:31:39 2017
@@ -548,7 +548,7 @@ lower layers and <code class="docutils l
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/notebook/README.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/notebook/README.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/notebook/README.html (original)
+++ incubator/singa/site/trunk/en/docs/notebook/README.html Tue Apr 18 03:31:39 2017
@@ -227,7 +227,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/optimizer.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/optimizer.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/optimizer.html (original)
+++ incubator/singa/site/trunk/en/docs/optimizer.html Tue Apr 18 03:31:39 2017
@@ -618,7 +618,7 @@ updating rules (including regularizer an
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/snapshot.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/snapshot.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/snapshot.html (original)
+++ incubator/singa/site/trunk/en/docs/snapshot.html Tue Apr 18 03:31:39 2017
@@ -310,7 +310,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/software_stack.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/software_stack.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/software_stack.html (original)
+++ incubator/singa/site/trunk/en/docs/software_stack.html Tue Apr 18 03:31:39 2017
@@ -351,7 +351,7 @@ model parameter values using parameter g
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/tensor.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/tensor.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/tensor.html (original)
+++ incubator/singa/site/trunk/en/docs/tensor.html Tue Apr 18 03:31:39 2017
@@ -1418,7 +1418,7 @@ e.g. 0 &#8211; sum each column; 1 &#8211
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/docs/utils.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/docs/utils.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/docs/utils.html (original)
+++ incubator/singa/site/trunk/en/docs/utils.html Tue Apr 18 03:31:39 2017
@@ -278,7 +278,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/downloads.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/downloads.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/downloads.html (original)
+++ incubator/singa/site/trunk/en/downloads.html Tue Apr 18 03:31:39 2017
@@ -362,7 +362,7 @@ ASF.</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/genindex.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/genindex.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/genindex.html (original)
+++ incubator/singa/site/trunk/en/genindex.html Tue Apr 18 03:31:39 2017
@@ -862,7 +862,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/index.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/index.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/index.html (original)
+++ incubator/singa/site/trunk/en/index.html Tue Apr 18 03:31:39 2017
@@ -179,6 +179,21 @@
 <li>Install SINGA via <a class="reference external" href="./docs/installation.html#from-wheel">python wheel files</a>, <a class="reference external" href="./docs/installation.html#from-debian-package">Debian packages</a> or from <a class="reference external" href="./docs/installation.html#from-source">source</a>.</li>
 <li>Refer to the <a class="reference external" href="http://nbviewer.jupyter.org/github/apache/incubator-singa/blob/master/doc/en/docs/notebook/index.ipynb">Jupyter notebooks</a> for some basic examples and the <a class="reference external" href="./docs/model_zoo/index.html">model zoo page</a> for more examples.</li>
 </ul>
+<table border="1" class="docutils">
+<colgroup>
+<col width="25%" />
+<col width="25%" />
+<col width="25%" />
+<col width="25%" />
+</colgroup>
+<tbody valign="top">
+<tr class="row-odd"><td><a class="reference external" href="https://github.com/apache/incubator-singa"><img alt="logo1" class="align-middle" src="_static/github.png" style="width: 64.0px; height: 64.0px;" /></a></td>
+<td><a class="reference external" href="https://aws.amazon.com/marketplace/seller-profile?id=5bcac385-12c4-4802-aec7-351e09b77b4c"><img alt="logo2" class="align-middle" src="_static/awsmp.gif" style="width: 120.0px; height: 60.0px;" /></a></td>
+<td><a class="reference external" href="https://hub.docker.com/r/nusdbsystem/singa/"><img alt="logo3" class="align-middle" src="_static/docker.png" style="width: 166.5px; height: 57.5px;" /></a></td>
+<td><a class="reference external" href="http://nbviewer.jupyter.org/github/apache/incubator-singa/blob/master/doc/en/docs/notebook/index.ipynb"><img alt="logo4" class="align-middle" src="_static/jupyter.png" style="width: 100.0px; height: 100.0px;" /></a></td>
+</tr>
+</tbody>
+</table>
 </div>
 <div class="section" id="documentation">
 <h2>Documentation<a class="headerlink" href="#documentation" title="Permalink to this headline">¶</a></h2>
@@ -314,7 +329,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/objects.inv
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/objects.inv?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
Binary files - no diff available.

Modified: incubator/singa/site/trunk/en/py-modindex.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/py-modindex.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/py-modindex.html (original)
+++ incubator/singa/site/trunk/en/py-modindex.html Tue Apr 18 03:31:39 2017
@@ -311,7 +311,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.1.0.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.1.0.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.1.0.html (original)
+++ incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.1.0.html Tue Apr 18 03:31:39 2017
@@ -9,7 +9,7 @@
   
   <meta name="viewport" content="width=device-width, initial-scale=1.0">
   
-  <title>&lt;no title&gt; &mdash; incubator-singa 1.1.0 documentation</title>
+  <title>singa-incubating-0.1.0 Release Notes &mdash; incubator-singa 1.1.0 documentation</title>
   
 
   
@@ -135,7 +135,7 @@
   <ul class="wy-breadcrumbs">
     <li><a href="../index.html">Docs</a> &raquo;</li>
       
-    <li>&lt;no title&gt;</li>
+    <li>singa-incubating-0.1.0 Release Notes</li>
       <li class="wy-breadcrumbs-aside">
         
           
@@ -147,7 +147,8 @@
           <div role="main" class="document" itemscope="itemscope" itemtype="http://schema.org/Article">
            <div itemprop="articleBody">
             
-  <p>#singa-incubating-0.1.0 Release Notes</p>
+  <div class="section" id="singa-incubating-0-1-0-release-notes">
+<span id="singa-incubating-0-1-0-release-notes"></span><h1>singa-incubating-0.1.0 Release Notes<a class="headerlink" href="#singa-incubating-0-1-0-release-notes" title="Permalink to this headline">¶</a></h1>
 <hr class="docutils" />
 <p>SINGA is a general distributed deep learning platform for training big deep learning models over large datasets. It is
 designed with an intuitive programming model based on the layer abstraction. SINGA supports a wide variety of popular
@@ -257,6 +258,7 @@ deep learning models.</p>
 <li><a class="reference external" href="https://issues.apache.org/jira/browse/SINGA-40">SINGA-40</a> Support sparse Param update</li>
 <li><a class="reference external" href="https://issues.apache.org/jira/browse/SINGA-41">SINGA-41</a> Support single node single GPU training</li>
 </ul>
+</div>
 
 
            </div>
@@ -335,7 +337,7 @@ deep learning models.</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.2.0.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.2.0.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.2.0.html (original)
+++ incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.2.0.html Tue Apr 18 03:31:39 2017
@@ -9,7 +9,7 @@
   
   <meta name="viewport" content="width=device-width, initial-scale=1.0">
   
-  <title>&lt;no title&gt; &mdash; incubator-singa 1.1.0 documentation</title>
+  <title>singa-incubating-0.2.0 Release Notes &mdash; incubator-singa 1.1.0 documentation</title>
   
 
   
@@ -135,7 +135,7 @@
   <ul class="wy-breadcrumbs">
     <li><a href="../index.html">Docs</a> &raquo;</li>
       
-    <li>&lt;no title&gt;</li>
+    <li>singa-incubating-0.2.0 Release Notes</li>
       <li class="wy-breadcrumbs-aside">
         
           
@@ -147,7 +147,8 @@
           <div role="main" class="document" itemscope="itemscope" itemtype="http://schema.org/Article">
            <div itemprop="articleBody">
             
-  <p>#singa-incubating-0.2.0 Release Notes</p>
+  <div class="section" id="singa-incubating-0-2-0-release-notes">
+<span id="singa-incubating-0-2-0-release-notes"></span><h1>singa-incubating-0.2.0 Release Notes<a class="headerlink" href="#singa-incubating-0-2-0-release-notes" title="Permalink to this headline">¶</a></h1>
 <hr class="docutils" />
 <p>SINGA is a general distributed deep learning platform for training big deep
 learning models over large datasets. It is designed with an intuitive
@@ -246,6 +247,7 @@ of popular deep learning models.</p>
 </ul>
 </li>
 </ul>
+</div>
 
 
            </div>
@@ -324,7 +326,7 @@ of popular deep learning models.</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.3.0.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.3.0.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.3.0.html (original)
+++ incubator/singa/site/trunk/en/releases/RELEASE_NOTES_0.3.0.html Tue Apr 18 03:31:39 2017
@@ -9,7 +9,7 @@
   
   <meta name="viewport" content="width=device-width, initial-scale=1.0">
   
-  <title>&lt;no title&gt; &mdash; incubator-singa 1.1.0 documentation</title>
+  <title>singa-incubating-0.3.0 Release Notes &mdash; incubator-singa 1.1.0 documentation</title>
   
 
   
@@ -135,7 +135,7 @@
   <ul class="wy-breadcrumbs">
     <li><a href="../index.html">Docs</a> &raquo;</li>
       
-    <li>&lt;no title&gt;</li>
+    <li>singa-incubating-0.3.0 Release Notes</li>
       <li class="wy-breadcrumbs-aside">
         
           
@@ -147,7 +147,8 @@
           <div role="main" class="document" itemscope="itemscope" itemtype="http://schema.org/Article">
            <div itemprop="articleBody">
             
-  <p>#singa-incubating-0.3.0 Release Notes</p>
+  <div class="section" id="singa-incubating-0-3-0-release-notes">
+<span id="singa-incubating-0-3-0-release-notes"></span><h1>singa-incubating-0.3.0 Release Notes<a class="headerlink" href="#singa-incubating-0-3-0-release-notes" title="Permalink to this headline">¶</a></h1>
 <hr class="docutils" />
 <p>SINGA is a general distributed deep learning platform for training big deep
 learning models over large datasets. It is designed with an intuitive
@@ -186,6 +187,7 @@ of popular deep learning models.</p>
 </ul>
 </li>
 </ul>
+</div>
 
 
            </div>
@@ -264,7 +266,7 @@ of popular deep learning models.</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/releases/RELEASE_NOTES_1.0.0.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/releases/RELEASE_NOTES_1.0.0.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/releases/RELEASE_NOTES_1.0.0.html (original)
+++ incubator/singa/site/trunk/en/releases/RELEASE_NOTES_1.0.0.html Tue Apr 18 03:31:39 2017
@@ -9,7 +9,7 @@
   
   <meta name="viewport" content="width=device-width, initial-scale=1.0">
   
-  <title>&lt;no title&gt; &mdash; incubator-singa 1.1.0 documentation</title>
+  <title>singa-incubating-1.0.0 Release Notes &mdash; incubator-singa 1.1.0 documentation</title>
   
 
   
@@ -135,7 +135,7 @@
   <ul class="wy-breadcrumbs">
     <li><a href="../index.html">Docs</a> &raquo;</li>
       
-    <li>&lt;no title&gt;</li>
+    <li>singa-incubating-1.0.0 Release Notes</li>
       <li class="wy-breadcrumbs-aside">
         
           
@@ -147,7 +147,8 @@
           <div role="main" class="document" itemscope="itemscope" itemtype="http://schema.org/Article">
            <div itemprop="articleBody">
             
-  <p>#singa-incubating-1.0.0 Release Notes</p>
+  <div class="section" id="singa-incubating-1-0-0-release-notes">
+<span id="singa-incubating-1-0-0-release-notes"></span><h1>singa-incubating-1.0.0 Release Notes<a class="headerlink" href="#singa-incubating-1-0-0-release-notes" title="Permalink to this headline">¶</a></h1>
 <hr class="docutils" />
 <p>SINGA is a general distributed deep learning platform for training big deep
 learning models over large datasets. It is designed with an intuitive
@@ -245,6 +246,7 @@ of popular deep learning models.</p>
 </ul>
 </li>
 </ul>
+</div>
 
 
            </div>
@@ -323,7 +325,7 @@ of popular deep learning models.</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/releases/RELEASE_NOTES_1.1.0.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/releases/RELEASE_NOTES_1.1.0.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/releases/RELEASE_NOTES_1.1.0.html (original)
+++ incubator/singa/site/trunk/en/releases/RELEASE_NOTES_1.1.0.html Tue Apr 18 03:31:39 2017
@@ -9,7 +9,7 @@
   
   <meta name="viewport" content="width=device-width, initial-scale=1.0">
   
-  <title>&lt;no title&gt; &mdash; incubator-singa 1.1.0 documentation</title>
+  <title>singa-incubating-1.1.0 Release Notes &mdash; incubator-singa 1.1.0 documentation</title>
   
 
   
@@ -135,7 +135,7 @@
   <ul class="wy-breadcrumbs">
     <li><a href="../index.html">Docs</a> &raquo;</li>
       
-    <li>&lt;no title&gt;</li>
+    <li>singa-incubating-1.1.0 Release Notes</li>
       <li class="wy-breadcrumbs-aside">
         
           
@@ -147,7 +147,8 @@
           <div role="main" class="document" itemscope="itemscope" itemtype="http://schema.org/Article">
            <div itemprop="articleBody">
             
-  <p>#singa-incubating-1.1.0 Release Notes</p>
+  <div class="section" id="singa-incubating-1-1-0-release-notes">
+<span id="singa-incubating-1-1-0-release-notes"></span><h1>singa-incubating-1.1.0 Release Notes<a class="headerlink" href="#singa-incubating-1-1-0-release-notes" title="Permalink to this headline">¶</a></h1>
 <hr class="docutils" />
 <p>SINGA is a general distributed deep learning platform for training big deep
 learning models over large datasets.</p>
@@ -198,6 +199,7 @@ learning models over large datasets.</p>
 </ul>
 </li>
 </ul>
+</div>
 
 
            </div>
@@ -276,7 +278,7 @@ learning models over large datasets.</p>
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "../_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">

Modified: incubator/singa/site/trunk/en/search.html
URL: http://svn.apache.org/viewvc/incubator/singa/site/trunk/en/search.html?rev=1791735&r1=1791734&r2=1791735&view=diff
==============================================================================
--- incubator/singa/site/trunk/en/search.html (original)
+++ incubator/singa/site/trunk/en/search.html Tue Apr 18 03:31:39 2017
@@ -242,7 +242,7 @@
       </dl>
 
   </div>
-  <a href="http://incubator.apache.org/"> <img src= "_static/apache.jpg"> </a>
+  <a href="http://incubator.apache.org/"> <img src= "_static/apache.png" style="background-color:white;"> </a>
 </div>
 
  <a href="https://github.com/apache/incubator-singa">