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 2020/09/18 06:01:14 UTC

[singa] branch master updated (c5769f1 -> f5a9cdf)

This is an automated email from the ASF dual-hosted git repository.

wangwei pushed a change to branch master
in repository https://gitbox.apache.org/repos/asf/singa.git.


    from c5769f1  Merge pull request #721 from agnesnatasya/densenet
     add db1846d  Merge pull request #689 from chrishkchris/dev
     add efd7cba  SINGA-510 Add Time-Profiling Function for Single GPU
     add 989abdc  SINGA-510 Address review comments
     add dc5dd4c  SINGA-510 Use int for Verobsity and remove profiling mode
     add 84de1af  Merge pull request #694 from chrishkchris/SINGA-510
     add dd2fb3f  SINGA-510 Skip initial iterations
     add e21f833  SINGA-510 Minimize measure time overhead
     add 0f3beb2  SINGA-510 Use one Sync function only
     add 7af0125  SINGA-510 Add Set Skip Iteration
     add ae98f94  SINGA-510 Address Review Comment
     add bec1964  Merge pull request #708 from chrishkchris/SINGA-510
     add b37e950  Update version of CUDNN
     add ca13bc2  Update meta.yaml
     add 4cae51b  add option for cuda10.2
     add dd18aff  Merge pull request #709 from chrishkchris/CUDNN765
     add be28824  create proof of concept script for testing
     add 37188ae  update decorator
     add 9af54bd  fix bugs of buffering operations
     add a57b39f  separate layers from autograd.py into layer.py
     add a4bc5f6  rename operation to operator
     add fb69039  fix the usage errors of layers
     add 522a271  fix alerts
     add 765a771  rename module to model
     add 5688178  create aliases for Operator and Tensor
     add ad32bf9  create aliases for layers for backward compatibility
     add 4b7ec13  make Model(renamed from module) a subclass of Layer compile / do_init: separate the initialzation and forward propagation for Linear, create name of each layer save_states/load_states/set_states: recursive logic
     add 5fc48e3  renamed initialize method according to latest API design; auto check inputsize from x in linear and conv2d layer, add maintaining backward compatibility
     add 8b3ca83  set a unique name for every layer
     add 5788005  support setting and getting params for each layer
     add 362f9aa  setup load save states framework
     add 546f3d9  complete setting and getting params and states
     add 5833136  allow list of tensor as input of initialize() Fix conv2d in channels check Fix rnn_base override method Fix LSTM rnn initialise args, __init__ method, params
     add 20a9b6b  fix creator assignment for intermediate tensor when training is not used
     add ed1b7f4  rename some parameters and move all init code into initialize
     add 880de7a  fix bugs of models in train.py, rm files related to the old layer.py
     add ca474ef  fix test cases & add gemm layer
     add 72ef70d  fix layer to suit onnx logic
     add 3569a3c  fixed CURAND_STATUS_LAUNCH_FAILURE which is due to dev not sanitized across all the params/states
     add 4d36dbb  refine save load states for model, detailed testing added
     add 55eb2b5  pass test cases in test_operations except conv1d and pooling1d
     add f0708b5  fix conv1d and pool1d
     add ee5607c  update some features for onnx test cases
     add 74ddf8f  fix bug for conv dilation
     add da1290d  new implemenation for get_params, set_params, get_states, set_states
     add feb4365  Restore creator settings for interim tensors; update device_check() after new get states implementation; fix typo in LSTM; fix test case for save model and load model, as new impl does not keep top level layer name; remove proof of concept script.
     add 8b1a49d  fix bugs in test_model.py, train_mpi.py, layer.py and module.py, rm converter.py, lsgan.py and vanilla.py
     add ab0cb13  fixed batchnorm backward compatability
     add 4fd4f19  support register layers, fix bugs in xceptionnet and resnet
     add 8e94319  some modifications based on review:   1. fix typos in train.py   2. fix training bugs in CharRNN, treat hx, cx as states   3. call intialize before forward   4. remove set_attribute   5. remove on_device, get device info from input tensors   6. support adding activation layer after conv2d   7. add some layers for operators, update models in examples   8. no longer change the default device when creating devices
     add ede4a3e  Merge pull request #697 from dcslin/py-api
     add ad65d62  implemented cudnn lstm, revised api compared to previous version, lstm layer take 1 tensor as input. added lstm model testing, as api is different from previous rnn impl
     add 59f7970  add cossim operator
     add f52804c  Merge remote-tracking branch 'jod/cos_similarity' into cudnn-lstm
     add c60fc69  added bilstm model for qa dataset, added customized loss function operator, added gensim embedding transform, implemented bilstm cos sim model, implement mlp model for comparison
     add 9ebf331  added support on varying batchsize, seqeunce length for cudnn lstm
     add 684580a  qabot model updated 2nd data pipeline and model to speed up process
     add 8e3c130  updated qabot train on eval and testing top1hits
     add 88ffd81  refactor soonx backend
     add 77eaf45  refactor sonnx test cases
     add 43addc7  refactor sonnx examples
     add 038e2df  Merge pull request #703 from joddiy/sonnx_new_api
     add 4fecdd1  fix soonx test cases
     add 43a48be  Merge pull request #723 from joddiy/sonnx_new_api
     add c4ac130  impl new opt api, decay scheduler constant class, optimzer class, sgd momentum, dampening, added unit test, backward compatibility tested
     add 0b0348b  optimize opt.py, add new Axpy
     add bb1c78f  Updates on opt.py Added tensor math floor, and testings Fixed exponential decay errors, and test cases Added tensor floor div Added SGD const LR, momentum, weight decay, nesterov test cases.
     add 63c4349  fix bugs of updating params, test examples in cnn
     add b9de65f  added non staircase expo decay scheduler test, other opt test passes except nesterov on gpu
     add 799283f  fix some alerts, fix bugs in test_model.py, opt.py and tensor.cc, update some code to use new opt apis
     add 735cafb  update distopt and argument parsers
     add 67304d5  Merge pull request #713 from dcslin/opt_api
     add c9981a2  disable compiling py3.6
     add a109c46  add dependency to conda build
     add d1857c8  fix bugs for transfer learning
     add d3d48c5  Merge pull request #726 from XJDKC/dev
     add 7725e70  Merge branch 'dev' into cudnn-lstm
     add 4d7ac74  Merge branch 'cudnn-lstm' of https://github.com/dcslin/singa into cudnn-lstm
     add cb98151  fix rnn cpp device execution lambda pass by value
     add d3105fe  Merge pull request #725 from joddiy/cos_similarity
     add 6156b01  Merge branch 'dev' into cudnn-lstm
     add ccf6545  Merge branch 'cudnn-lstm' of https://github.com/dcslin/singa into cudnn-lstm
     add fc8c7fc  update to use persistent tensor for data container
     add 0801593  Merge pull request #722 from dcslin/cudnn-lstm
     add de7003d  SINGA-510 Move the communicator cuda streams to context
     add 218b5ec  SINGA-510 Distributed Training Time Profiling
     add 3576886  SINGA-510 Separate each stream operation to exclude waiting time
     add 3effa89  SINGA-510 Exclude waiting time in synch allreduce
     add 6021e70  SINGA-510 Make backward time compatible to distributed training
     add 8f284d7  SINGA-510 Address review comment
     add 042b081  Merge pull request #716 from chrishkchris/SINGA-510_2
     add fb1db9b  Update the initializer module to add more initialization methods.
     add 78764af  Compile the project via setuptools
     add 3eb6504  add setup.py.in back, which is used by conda build and native build
     add e42b203  Update the initializer module to add more initialization methods.
     add e4afa64  merge apache/singa:dev branch
     add fde8224  successfully run aduitwheel over the generated wheel inside the docker container from Dockerfile.manylinux2014
     add 2ef3d86  finished debugging; to add documentation for building wheel packages and uploading them to pypi repo
     add 4c7ff5a  added imdb sentiment binary classification model, self-contained data preparation scripts, baseline model added tensor contiguous method, add args to imdb train, added cudnn rnn Ex operations with different seq lengths
     add 054f276  Add ShufflenetV2 model
     add ae748a3  add expand operator
     add ca698bf  add expand operator to sonnx
     add 1ffc6a9  add pad operator
     add 8c47edf  add pad operator to sonnx
     add 5b5f33a  fix linting error by changing repeated file names
     add 4e6f9e5  fix onnx backend cuda cases
     add 9dd09fa  Merge pull request #742 from joddiy/fix-cuda-cases
     add 9764217  Merge branch 'dev' of https://github.com/apache/singa into dev
     add 182519d  Merge pull request #740 from chrishkchris/fix_filename
     add 2d28b11  fix gaussian CURAND_STATUS_LENGTH_NOT_MULTIPLE
     add 8656a4c  Merge pull request #729 from dcslin/gaussian
     add 7ed0822  some updates: 1. fix the bug of extra separator before the parameter name 2. add comments for layer and model 3. fix bugs in test_model
     add 2857ec7  move the test cases in test_module to test_model
     add 84e029c  set the tensor name automatically when setting attr
     add 8d39068  set the layer name automatically when setting attr
     add 35d6cef  Merge pull request #731 from XJDKC/param_name
     add f7c8b30  cudnn lstm test case update
     add f418722  Merge pull request #727 from dcslin/cudnn-lstm
     add bd14143  fix sonnx frontend
     add 3a4d092  Merge pull request #732 from joddiy/fix-onnx-frontend
     add 6978291  add upsample operator
     add 0706b04  add upsample operator to soonx
     add 78bfc16  Merge pull request #737 from joddiy/add-upsample-operator
     add 3006787  set precision
     add e500978  Merge pull request #743 from chrishkchris/precision
     add 3ce6503  Merge pull request #739 from nudles/dev
     add 7d7d02c  Merge branch 'dev' into add-pad-operator
     add f4a4148  change uniform to he_uniform at example
     add b027bf7  Merge pull request #734 from joddiy/add-pad-operator
     add 3060382  Merge branch 'dev' into add-expand-operator
     add 867c0a3  Merge pull request #736 from joddiy/add-expand-operator
     add bff229c  Merge branch 'dev' into add-ShufflenetV2-model
     add 2593046  Merge pull request #735 from joddiy/add-ShufflenetV2-model
     add 4ea5034  added round and rounde round to even tensor methods
     add e8b3027  Merge pull request #749 from dcslin/round
     add 5225395  Add EQ comparison operator
     add d663ab6  Merge pull request #747 from chrishkchris/equal
     add 3f5c97a  fix pooling for same mode
     add 4fa7ea0  Merge pull request #746 from joddiy/fix-pooling-same-mode
     add a5ddfad  Fix cuda_gpu and linting error
     add 0625de8  reset the device when recreating it
     add b0fb8b2  fix linting error
     add 21be0ca  remove unused code
     add 9c80cbe  Merge pull request #728 from chrishkchris/fix_create_cuda
     add 04b2a7b  issue 707 additional input check for autograd operator
     add ea873fe  Merge pull request #751 from dcslin/operator_input_check
     add bffd9b7  Merge remote-tracking branch 'origin/dev' into imdb
     add 65c81ae  Merge pull request #733 from dcslin/imdb
     add 6efd294  fix gpu conda build and update numpy version
     add f9dd678  range of numpy version
     add ddaa2e2  Merge pull request #754 from chrishkchris/fix_roundf
     add 20c1174  update roundeven backend algorithm
     add 9193218  update round even coding for backward comp
     add 3d25b99  Merge pull request #758 from dcslin/jod/add-operators
     add e96704e  add round and rounde operators
     add 67ca2a4  Merge pull request #748 from joddiy/add-operators
     add 6b9c573  fix test operation Tensor class non hashable erorr
     add b58384c  Merge pull request #753 from dcslin/hf-test-operaitons-hashable
     add 731b89b  fix training loss error
     add 8366813  Merge pull request #762 from chrishkchris/fix_loss_error
     add 363cdd5  fix kint issue, cast kint to kfloat for computation and cast back
     add a05ef9c  Merge pull request #763 from dcslin/kint2
     add b72d6b2  Fix softmax test case without DNNL
     add 15f24f5  add license header
     add 9ba6102  remove unused import
     add b32700d  fix situation tensor!=None
     add 8eb952a  fix test_operation.py
     add 9e7c579  fix test_opt.py
     add b79e1db  Merge pull request #765 from chrishkchris/fix_softmaxtest
     add 95aa1a9  fix onnx device
     add becf6a9  Merge pull request #767 from joddiy/fix-onnx-device
     add 7ac6804  update from deprecated functions
     add 2c08b40  Merge pull request #766 from chrishkchris/testfix
     add 850c8ba  add where operator
     add 61891a7  add onnx gpt2 example
     add 6ac87ea  Merge branch 'dev' of https://github.com/apache/singa into add-onnx-gpt-model
     add 84c920c  Merge pull request #755 from joddiy/add-onnx-gpt-model
     add 12dfc9b  C++ build with Github Actions
     add 402ad8f  Add Github Actions status badge for C++ build
     add 857ddf4  check build on macOS with Github Actions
     add 2044d9f  Merge branch 'dev' of https://github.com/apache/singa into dev
     add 58671eb  Add C++ test
     add 8b15f19  Update cpp.yaml
     add c471c5a  Check C++ build and test with oneDNN
     add 5747a99  fix DNNL_ROOT
     add 690547f  turn off the C++ test without oneDNN
     add e9e665f  Merge pull request #761 from moazreyad/dev
     add 54bbea6  test C++ on macOS with Github Actions
     add 5f4b250  Merge pull request #768 from moazreyad/dev
     add 223607f  merge with origin/dev
     add 387c76d  done the test of the wheel package; updated the documentation of using pip to install singa
     add 0456d1a  add embedding layer
     add e8ba5bb  Add RMSProp, AdaGrad, Adam to opt.py
     add fbb9f97  Update RBM example
     add 81faccd  delete old optimizer python interface
     add 94ed62c  delete old optimizer test cases
     add a936833  update singa.i
     add 93989b0  Add GAN examples and google formatting
     add 7b7359d  code cleaning and improve gan
     add 12161b3  updated qabot training and data scripts, added max, mean, mlp qabot models, updated ranking loss fn in autograd, fix bug in cudnn rnn in autograd, added some utils tensor fn(random, zeros, ones), added cudnn rnn set param api, fixed and added test to autograd mse loss, cos sim, reduce mean
     add 493f185  Merge pull request #772 from dcslin/qabot4
     add 6abec93  Merge branch 'dev' into opt
     add 67ae44d  code cleaning and improve lsgan
     add a43dfcc  Merge pull request #773 from chrishkchris/opt
     add c2c41cd  Merge branch 'dev' into embedding
     add 3014944  Merge pull request #724 from joddiy/embedding
     add 675eae0  fix sonnx last layers
     add ff0b239  Merge pull request #774 from joddiy/fix-sonnx-last-layers
     add fff2014  Added ScatterElements operation.
     add 8ad93fb  Correction made to the function
     add 87ba8eb  reimplement scatter_elements
     add c21c3eb  Merge branch 'dev' into scatter
     add b9b6b8d  Merge pull request #1 from joddiy/scatter
     add b30db36  Merge branch 'dev' into scatter
     add 3f0997d  Merge pull request #760 from Shashankwer/scatter
     add 3504443  conda build and test with Github Actions
     add 24a7d1d  Merge pull request #781 from moazreyad/dev
     add 79e7adc  set training mode before training
     add d54a1ca  support parsing arguments, reorganize the code
     add 5357df5  refactor rnn training example
     add d76c855  move the copy operator to Tensor, fix bugs of buffering rnn operators
     add 81b87e1  recursively remove creators for results
     add 277ada9  optimize adding sync op and debug function
     add cfd6eee  resolve conflicts
     add 2d838ee  Merge pull request #1 from apache/dev
     add f78d9b3  very minor debug
     add bfc16b4  compatiable with utf-8 coding
     add be7b413  turn the use_graph flag on
     add da34a59  Merge pull request #730 from XJDKC/lstm-graph
     add 0c86657  Add code coverage for C++
     add a93aaee  Merge pull request #782 from moazreyad/dev
     add 210a216  merge upstream/dev into pr#770
     add e5445a5  remove loss.py and metric.py and the tests for them
     add d5cce78  remove native conv cpp impl in cpp operation/; rename github workflow stages
     add 5d6c4b4  rename the workflow name for license check.
     add fdef3c8  fix test cases error
     add fdb8e93  Merge branch 'dev' of https://github.com/apache/singa into fix_test_cases
     add 4d06729  Merge pull request #783 from joddiy/fix_test_cases
     add 6319c8a  Merge remote-tracking branch 'origin/dev' into dev
     add 3c3b0cf  fix linting error in sonnx.py
     add af94f5e  fix bugs in unittest
     add 446c72c  Merge pull request #770 from nudles/dev
     add acbf930  added erf backend
     add a171023  Merge pull request #777 from dcslin/erf
     add 9d85403  Add dist_communicator.i, update rnn training code and instruction
     add 7586a3b  Add back the old Char RNN
     add 178b107  Merge pull request #785 from chrishkchris/dist_interface
     add 18c2af6  codecov for python
     add 3e83809  Merge pull request #788 from moazreyad/dev
     add 8a46d23  fixed imdb train script args
     add 2cdb881  Merge pull request #789 from dcslin/imdb_script
     add 076871f  fix the bug in github workflow (Native-MacOS)
     add 71a9fd3  Merge remote-tracking branch 'origin/dev' into dev
     add 5114b3c  Fix error in running cpp test in MacOS Github CI
     add d9981fa  macOS.yaml update
     add dbb6b5d  Merge pull request #786 from nudles/dev
     add d693b6b  keep the execution order of ops that read and write the same block
     add 11894cc  turn the sequential flag to False
     add 2bc6456  format the added code
     add 333c207  Add Test Case for Keep Order
     add 2ad3552  Merge pull request #2 from apache/dev
     add f4ee540  Merge branch 'keep-order' of https://github.com/XJDKC/singa into keep-order
     add b1cd1a8  minor debug test case
     add ded7ca8  Merge pull request #787 from XJDKC/keep-order
     add 426963d  Remove Travis CI
     add ea17426  replace travis badge with github workflow bagdes
     add 0d79d52  Merge pull request #790 from moazreyad/remove-travis
     add cb84c93  added broadcasted() flag for tensor, added broadcast to mult, refactor gpu traverse unary
     add e97acb2  fix bug for ignore last dim
     add 95f7b39  Merge pull request #794 from dcslin/multbroadcast
     add cc25f79  add erf operator
     add 9f036b2  add ro_bert_a model
     add 46f3339  Merge branch 'multbroadcast' into add-RoBERTa-model
     add 87eabef  Merge branch 'dev' into add-RoBERTa-model
     add e6288fe  fix bug for ignore last dim
     add cc7c6b3  fix bug within sonnx for multi-dim gemm
     add 1861484  Merge pull request #778 from joddiy/add-RoBERTa-model
     add 2edf204  Add ShufflenetV2 model
     add 043ef63  updated cudnn nd descriptor to allow 6d
     add 84251c3  add SpaceToDepth && DepthToSpace operators
     add c794398  Merge branch 'dev' into add-depth2space-space2depth
     add d91a3e2  Merge pull request #750 from joddiy/add-depth2space-space2depth
     add a0d7afb  Test anaconda upload using github ci
     add 5fb11fd  Do conda packaging upload via github CI
     add f9f901e  Update Githut CI for conda build
     add 7b5a0ab  change the python version to 3.6 in conda build
     add 814e2f7  Merge pull request #795 from nudles/dev
     add fb9be0f  Adding Operators (#738)
     new f5a9cdf  Merge branch 'dev' for V3.1-RC1

The 1 revisions listed above as "new" are entirely new to this
repository and will be described in separate emails.  The revisions
listed as "add" were already present in the repository and have only
been added to this reference.


Summary of changes:
 .asf.yaml                                          |    2 +
 .asf.yaml => .codecov.yml                          |   11 +-
 .github/workflows/conda.yaml                       |   71 +
 .github/workflows/macOS.yaml                       |   56 +
 .github/workflows/rat.yaml                         |    2 +-
 .github/workflows/ubuntu.yaml                      |   64 +
 .travis.yml                                        |   70 -
 CMakeLists.txt                                     |    1 +
 README.md                                          |    9 +-
 examples/cnn/README.md                             |    2 +-
 examples/cnn/autograd/mnist_cnn.py                 |   27 +-
 examples/cnn/autograd/xceptionnet.py               |  119 +-
 examples/cnn/benchmark.py                          |   26 +-
 examples/cnn/model/alexnet.py                      |   70 +-
 examples/cnn/model/cnn.py                          |   36 +-
 examples/cnn/model/resnet.py                       |  129 +-
 examples/cnn/model/xceptionnet.py                  |  133 +-
 examples/cnn/{train.py => train_cnn.py}            |   33 +-
 examples/cnn/train_mpi.py                          |   29 +-
 examples/cnn/train_multiprocess.py                 |   32 +-
 examples/{rbm => gan}/README.md                    |   11 +-
 examples/gan/lsgan.py                              |  335 +-
 examples/gan/model/gan_mlp.py                      |  104 +
 examples/gan/model/lsgan_mlp.py                    |  101 +
 examples/gan/vanilla.py                            |  318 +-
 examples/mlp/module.py                             |   54 +-
 examples/mlp/native.py                             |    2 +-
 examples/onnx/arcface.py                           |   59 +-
 examples/onnx/bert/bert-squad.py                   |   50 +-
 examples/onnx/bert/tokenization.py                 |    4 -
 examples/onnx/fer_emotion.py                       |   51 +-
 examples/onnx/gpt2/gpt2.py                         |  110 +
 examples/onnx/gpt2/requirements.txt                |    1 +
 examples/onnx/mnist.py                             |  320 -
 examples/onnx/mobilenet.py                         |   52 +-
 examples/onnx/resnet18.py                          |   49 +-
 examples/onnx/ro_bert_a.py                         |  103 +
 examples/onnx/{mobilenet.py => shufflenetv2.py}    |   61 +-
 examples/onnx/tiny_yolov2.py                       |   62 +-
 examples/onnx/training/model.json                  |   84 +
 examples/{cnn => onnx/training}/train.py           |  140 +-
 examples/onnx/utils.py                             |   13 +-
 examples/onnx/vgg16.py                             |   50 +-
 CONTRIBUTING.md => examples/qabot/README.md        |   12 +-
 examples/qabot/qabot_data.py                       |  282 +
 examples/qabot/qabot_model.py                      |  152 +
 examples/qabot/qabot_train.py                      |  159 +
 examples/rbm/train.py                              |   16 +-
 examples/rnn/README.md                             |   21 +-
 examples/rnn/{train.py => char_rnn.py}             |   59 +-
 examples/rnn/imdb_data.py                          |  283 +
 examples/rnn/imdb_model.py                         |   58 +
 examples/rnn/imdb_train.py                         |  176 +
 include/singa/core/common.h                        |   12 +-
 include/singa/core/device.h                        |   46 +-
 include/singa/core/scheduler.h                     |   48 +-
 include/singa/core/tensor.h                        |   45 +-
 include/singa/io/communicator.h                    |   15 +-
 java/pom.xml                                       |    1 +
 python/singa/autograd.py                           | 3018 ++++++----
 python/singa/converter.py                          |  242 -
 python/singa/device.py                             |   62 +-
 python/singa/initializer.py                        |  264 +-
 python/singa/layer.py                              | 2774 +++++----
 python/singa/loss.py                               |  216 -
 python/singa/metric.py                             |  218 -
 python/singa/model.py                              |  354 ++
 python/singa/module.py                             |  193 -
 python/singa/net.py                                |  531 --
 python/singa/opt.py                                |  656 +-
 python/singa/optimizer.py                          |  472 --
 python/singa/snapshot.py                           |    3 +
 python/singa/sonnx.py                              | 1835 +++---
 python/singa/tensor.py                             |  113 +-
 python/singa/utils.py                              |   69 +-
 setup.py                                           |  440 ++
 src/CMakeLists.txt                                 |    5 +
 src/api/core_device.i                              |    4 +
 src/api/core_tensor.i                              |   36 +-
 src/api/model_operation.i                          |   38 +
 src/api/model_optimizer.i                          |   71 -
 src/api/singa.i                                    |    6 +-
 src/core/device/cpp_cpu.cc                         |   13 +
 src/core/device/cuda_gpu.cc                        |   77 +-
 src/core/device/device.cc                          |   41 +-
 src/core/device/opencl_device.cc                   |    2 +-
 src/core/device/platform.cc                        |    2 +
 src/core/scheduler/scheduler.cc                    |  197 +-
 src/core/tensor/math_kernel.cu                     |   93 +-
 src/core/tensor/math_kernel.h                      |   15 +-
 src/core/tensor/tensor.cc                          |  374 +-
 src/core/tensor/tensor_math.h                      |   30 +
 src/core/tensor/tensor_math_cpp.h                  |  101 +
 src/core/tensor/tensor_math_cuda.h                 |  165 +-
 src/io/communicator.cc                             |  345 +-
 src/model/layer/cudnn_activation.cc                |    4 +-
 src/model/layer/cudnn_convolution.cc               |    2 +-
 src/model/layer/cudnn_dropout.cc                   |    8 +-
 src/model/operation/batchnorm.cc                   |   12 +-
 src/model/operation/convolution.cc                 |   34 +-
 src/model/operation/pooling.cc                     |    8 +-
 src/model/operation/rnn.cc                         |  808 +++
 src/model/operation/rnn.h                          |  136 +
 test/python/cuda_helper.py                         |    2 +-
 test/python/run.py                                 |   16 +-
 test/python/test_api.py                            |  192 +-
 test/python/test_dist.py                           |    2 +-
 test/python/test_initializer.py                    |  123 +
 test/python/test_layer.py                          |  276 -
 test/python/test_loss.py                           |   71 -
 test/python/test_metric.py                         |   74 -
 test/python/test_model.py                          |  499 ++
 test/python/test_module.py                         |  306 -
 test/python/test_net.py                            |  115 -
 test/python/test_onnx.py                           |  170 +-
 test/python/test_onnx_backend.py                   | 3225 +---------
 test/python/test_operation.py                      |  764 ++-
 test/python/test_opt.py                            |  230 +
 test/python/test_optimizer.py                      |  382 --
 test/python/test_tensor.py                         |  149 +-
 test/singa/test_cpp_cpu.cc                         |    4 +-
 test/singa/test_operation_rnn.cc                   |  141 +
 test/singa/test_scheduler.cc                       |  106 +-
 test/singa/test_tensor_math.cc                     |   10 +
 tool/conda/dist/meta.yaml                          |    8 +-
 tool/conda/docker/{cuda10 => cuda10.2}/Dockerfile  |    5 +-
 tool/conda/gpu/meta.yaml                           |    2 +-
 tool/conda/singa/conda_build_config.yaml           |   25 +-
 tool/conda/singa/meta.yaml                         |   13 +-
 tool/cpplint.py                                    | 6327 --------------------
 tool/docker/README.md                              |    9 +-
 .../devel/centos6/cuda10/Dockerfile.manylinux2014  |  132 +
 tool/docker/devel/centos6/cuda10/cuda.repo         |    6 +
 tool/docker/devel/ubuntu/cuda10/Dockerfile         |    2 +-
 tool/docker/devel/ubuntu/cuda9/Dockerfile          |    2 +-
 tool/linting/py.sh                                 |    4 +-
 tool/travis/build.sh                               |   55 -
 tool/travis/depends.sh                             |   43 -
 tool/{debian-python2/postinst => wheel.sh}         |   26 +-
 139 files changed, 13604 insertions(+), 18440 deletions(-)
 copy .asf.yaml => .codecov.yml (79%)
 create mode 100644 .github/workflows/conda.yaml
 create mode 100644 .github/workflows/macOS.yaml
 create mode 100644 .github/workflows/ubuntu.yaml
 delete mode 100644 .travis.yml
 copy examples/cnn/{train.py => train_cnn.py} (93%)
 copy examples/{rbm => gan}/README.md (76%)
 create mode 100644 examples/gan/model/gan_mlp.py
 create mode 100644 examples/gan/model/lsgan_mlp.py
 create mode 100644 examples/onnx/gpt2/gpt2.py
 create mode 100644 examples/onnx/gpt2/requirements.txt
 delete mode 100644 examples/onnx/mnist.py
 create mode 100644 examples/onnx/ro_bert_a.py
 copy examples/onnx/{mobilenet.py => shufflenetv2.py} (71%)
 create mode 100644 examples/onnx/training/model.json
 rename examples/{cnn => onnx/training}/train.py (71%)
 copy CONTRIBUTING.md => examples/qabot/README.md (68%)
 create mode 100644 examples/qabot/qabot_data.py
 create mode 100644 examples/qabot/qabot_model.py
 create mode 100644 examples/qabot/qabot_train.py
 rename examples/rnn/{train.py => char_rnn.py} (84%)
 create mode 100644 examples/rnn/imdb_data.py
 create mode 100644 examples/rnn/imdb_model.py
 create mode 100644 examples/rnn/imdb_train.py
 delete mode 100644 python/singa/converter.py
 delete mode 100644 python/singa/loss.py
 delete mode 100644 python/singa/metric.py
 create mode 100644 python/singa/model.py
 delete mode 100644 python/singa/module.py
 delete mode 100755 python/singa/net.py
 delete mode 100644 python/singa/optimizer.py
 create mode 100644 setup.py
 delete mode 100644 src/api/model_optimizer.i
 create mode 100644 src/model/operation/rnn.cc
 create mode 100644 src/model/operation/rnn.h
 create mode 100644 test/python/test_initializer.py
 delete mode 100755 test/python/test_layer.py
 delete mode 100644 test/python/test_loss.py
 delete mode 100644 test/python/test_metric.py
 create mode 100644 test/python/test_model.py
 delete mode 100644 test/python/test_module.py
 delete mode 100644 test/python/test_net.py
 create mode 100644 test/python/test_opt.py
 delete mode 100644 test/python/test_optimizer.py
 create mode 100644 test/singa/test_operation_rnn.cc
 copy tool/conda/docker/{cuda10 => cuda10.2}/Dockerfile (92%)
 delete mode 100755 tool/cpplint.py
 create mode 100644 tool/docker/devel/centos6/cuda10/Dockerfile.manylinux2014
 create mode 100644 tool/docker/devel/centos6/cuda10/cuda.repo
 delete mode 100644 tool/travis/build.sh
 delete mode 100644 tool/travis/depends.sh
 copy tool/{debian-python2/postinst => wheel.sh} (50%)


[singa] 01/01: Merge branch 'dev' for V3.1-RC1

Posted by wa...@apache.org.
This is an automated email from the ASF dual-hosted git repository.

wangwei pushed a commit to branch master
in repository https://gitbox.apache.org/repos/asf/singa.git

commit f5a9cdfd9866851adf5e5909250add3f62acbf27
Merge: c5769f1 fb9be0f
Author: wang wei <wa...@gmail.com>
AuthorDate: Fri Sep 18 14:00:21 2020 +0800

    Merge branch 'dev' for V3.1-RC1

 .asf.yaml                                          |    2 +
 .asf.yaml => .codecov.yml                          |   11 +-
 .github/workflows/conda.yaml                       |   71 +
 .github/workflows/macOS.yaml                       |   56 +
 .github/workflows/rat.yaml                         |    2 +-
 .github/workflows/ubuntu.yaml                      |   64 +
 .travis.yml                                        |   70 -
 CMakeLists.txt                                     |    1 +
 README.md                                          |    9 +-
 examples/cnn/README.md                             |    2 +-
 examples/cnn/autograd/mnist_cnn.py                 |   27 +-
 examples/cnn/autograd/xceptionnet.py               |  119 +-
 examples/cnn/benchmark.py                          |   26 +-
 examples/cnn/model/alexnet.py                      |   70 +-
 examples/cnn/model/cnn.py                          |   36 +-
 examples/cnn/model/resnet.py                       |  129 +-
 examples/cnn/model/xceptionnet.py                  |  133 +-
 examples/cnn/{train.py => train_cnn.py}            |   33 +-
 examples/cnn/train_mpi.py                          |   29 +-
 examples/cnn/train_multiprocess.py                 |   32 +-
 examples/{rnn => gan}/README.md                    |   24 +-
 examples/gan/lsgan.py                              |  335 +-
 examples/gan/model/gan_mlp.py                      |  104 +
 examples/gan/model/lsgan_mlp.py                    |  101 +
 examples/gan/vanilla.py                            |  318 +-
 examples/mlp/module.py                             |   54 +-
 examples/mlp/native.py                             |    2 +-
 examples/onnx/arcface.py                           |   59 +-
 examples/onnx/bert/bert-squad.py                   |   50 +-
 examples/onnx/bert/tokenization.py                 |    4 -
 examples/onnx/fer_emotion.py                       |   51 +-
 examples/onnx/gpt2/gpt2.py                         |  110 +
 examples/onnx/gpt2/requirements.txt                |    1 +
 examples/onnx/mnist.py                             |  320 -
 examples/onnx/mobilenet.py                         |   52 +-
 examples/onnx/resnet18.py                          |   49 +-
 examples/onnx/ro_bert_a.py                         |  103 +
 examples/onnx/{mobilenet.py => shufflenetv2.py}    |   61 +-
 examples/onnx/tiny_yolov2.py                       |   62 +-
 examples/onnx/training/model.json                  |   84 +
 examples/{cnn => onnx/training}/train.py           |  140 +-
 examples/onnx/utils.py                             |   13 +-
 examples/onnx/vgg16.py                             |   50 +-
 examples/{rnn => qabot}/README.md                  |   23 +-
 examples/qabot/qabot_data.py                       |  282 +
 examples/qabot/qabot_model.py                      |  152 +
 examples/qabot/qabot_train.py                      |  159 +
 examples/rbm/train.py                              |   16 +-
 examples/rnn/README.md                             |   21 +-
 examples/rnn/{train.py => char_rnn.py}             |   59 +-
 examples/rnn/imdb_data.py                          |  283 +
 examples/rnn/imdb_model.py                         |   58 +
 examples/rnn/imdb_train.py                         |  176 +
 include/singa/core/common.h                        |   12 +-
 include/singa/core/device.h                        |   46 +-
 include/singa/core/scheduler.h                     |   48 +-
 include/singa/core/tensor.h                        |   45 +-
 include/singa/io/communicator.h                    |   15 +-
 java/pom.xml                                       |    1 +
 python/singa/autograd.py                           | 3018 ++++++----
 python/singa/converter.py                          |  242 -
 python/singa/device.py                             |   62 +-
 python/singa/initializer.py                        |  264 +-
 python/singa/layer.py                              | 2774 +++++----
 python/singa/loss.py                               |  216 -
 python/singa/metric.py                             |  218 -
 python/singa/model.py                              |  354 ++
 python/singa/module.py                             |  193 -
 python/singa/net.py                                |  531 --
 python/singa/opt.py                                |  656 +-
 python/singa/optimizer.py                          |  472 --
 python/singa/snapshot.py                           |    3 +
 python/singa/sonnx.py                              | 1835 +++---
 python/singa/tensor.py                             |  113 +-
 python/singa/utils.py                              |   69 +-
 setup.py                                           |  440 ++
 src/CMakeLists.txt                                 |    5 +
 src/api/core_device.i                              |    4 +
 src/api/core_tensor.i                              |   36 +-
 src/api/model_operation.i                          |   38 +
 src/api/model_optimizer.i                          |   71 -
 src/api/singa.i                                    |    6 +-
 src/core/device/cpp_cpu.cc                         |   13 +
 src/core/device/cuda_gpu.cc                        |   77 +-
 src/core/device/device.cc                          |   41 +-
 src/core/device/opencl_device.cc                   |    2 +-
 src/core/device/platform.cc                        |    2 +
 src/core/scheduler/scheduler.cc                    |  197 +-
 src/core/tensor/math_kernel.cu                     |   93 +-
 src/core/tensor/math_kernel.h                      |   15 +-
 src/core/tensor/tensor.cc                          |  374 +-
 src/core/tensor/tensor_math.h                      |   30 +
 src/core/tensor/tensor_math_cpp.h                  |  101 +
 src/core/tensor/tensor_math_cuda.h                 |  165 +-
 src/io/communicator.cc                             |  345 +-
 src/model/layer/cudnn_activation.cc                |    4 +-
 src/model/layer/cudnn_convolution.cc               |    2 +-
 src/model/layer/cudnn_dropout.cc                   |    8 +-
 src/model/operation/batchnorm.cc                   |   12 +-
 src/model/operation/convolution.cc                 |   34 +-
 src/model/operation/pooling.cc                     |    8 +-
 src/model/operation/rnn.cc                         |  808 +++
 src/model/operation/rnn.h                          |  136 +
 test/python/cuda_helper.py                         |    2 +-
 test/python/run.py                                 |   16 +-
 test/python/test_api.py                            |  192 +-
 test/python/test_dist.py                           |    2 +-
 test/python/test_initializer.py                    |  123 +
 test/python/test_layer.py                          |  276 -
 test/python/test_loss.py                           |   71 -
 test/python/test_metric.py                         |   74 -
 test/python/test_model.py                          |  499 ++
 test/python/test_module.py                         |  306 -
 test/python/test_net.py                            |  115 -
 test/python/test_onnx.py                           |  170 +-
 test/python/test_onnx_backend.py                   | 3225 +---------
 test/python/test_operation.py                      |  764 ++-
 test/python/test_opt.py                            |  230 +
 test/python/test_optimizer.py                      |  382 --
 test/python/test_tensor.py                         |  149 +-
 test/singa/test_cpp_cpu.cc                         |    4 +-
 test/singa/test_operation_rnn.cc                   |  141 +
 test/singa/test_scheduler.cc                       |  106 +-
 test/singa/test_tensor_math.cc                     |   10 +
 tool/conda/dist/meta.yaml                          |    8 +-
 tool/conda/docker/cuda10.2/Dockerfile              |   63 +
 tool/conda/gpu/meta.yaml                           |    2 +-
 tool/conda/singa/conda_build_config.yaml           |   25 +-
 tool/conda/singa/meta.yaml                         |   13 +-
 tool/cpplint.py                                    | 6327 --------------------
 tool/docker/README.md                              |    9 +-
 .../devel/centos6/cuda10/Dockerfile.manylinux2014  |  132 +
 tool/docker/devel/centos6/cuda10/cuda.repo         |    6 +
 tool/docker/devel/ubuntu/cuda10/Dockerfile         |    2 +-
 tool/docker/devel/ubuntu/cuda9/Dockerfile          |    2 +-
 tool/linting/py.sh                                 |    4 +-
 tool/travis/build.sh                               |   55 -
 tool/travis/depends.sh                             |   43 -
 tool/wheel.sh                                      |   43 +
 139 files changed, 13686 insertions(+), 18457 deletions(-)