You can not select more than 25 topics Topics must start with a chinese character,a letter or number, can include dashes ('-') and can be up to 35 characters long.

RELEASE.md 38 kB

5 years ago
5 years ago
5 years ago
123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481
  1. # Release 0.7.0-beta
  2. ## Major Features and Improvements
  3. ### MindSpore Training and Inference Framework
  4. #### Ascend 910
  5. * New models
  6. * TinyBert: a smaller and faster version of BERT using transformer distillation for natural language understanding on GLUE benchmark.
  7. * SE-ResNet50: add Squeeze-and-Excitation blocks(SE-Blocks) to the resnet50 network to improve channel interdependencies for image classification on ImageNet 2012 dataset.
  8. * Inception V3: the third version of Inception convolutional architectures for image classification on ImageNet 2012 dataset.
  9. * Frontend and user interface
  10. * Embedding operator high-level packaging to support segmented by field for Wide&Deep.
  11. * Load multi-node checkpoint into single-process to support host-device hybrid inference.
  12. * Support Concat/Tile/Strideslice distributed operators.
  13. * Support cumulative gradient and batch training split.
  14. * Support variable parameter input for Cell object.
  15. * Parameter mixed calculation optimization for pynative mode.
  16. * Deep Probabilistic Programming
  17. * Support statistical distributions classes used to generate stochastic tensors.
  18. * Support probabilistic inference algorithms.
  19. * Support BNN layers used to construct BNN in Graph mode.
  20. * Support interfaces for the transformation between BNN and DNN in Graph mode.
  21. * Support uncertainty estimation to estimate epistemic uncertainty and aleatoric uncertainty.
  22. * User interfaces change log
  23. * change base class of parameter([!3473](https://gitee.com/mindspore/mindspore/pulls/3473))
  24. * change binary to mindir([!4258](https://gitee.com/mindspore/mindspore/pulls/4258))
  25. * change export from geir to air([!4269](https://gitee.com/mindspore/mindspore/pulls/4269))
  26. * Init parameter data by default([!3967](https://gitee.com/mindspore/mindspore/pulls/3967))
  27. * change IndexedSlices to RowTensor([!4031](https://gitee.com/mindspore/mindspore/pulls/4031))
  28. * Must set or change parallel mode before any Initializer created([!4801](https://gitee.com/mindspore/mindspore/pulls/4801))
  29. * Executor and performance optimization
  30. * MindSpore graph compilation process performance improved by 20%.
  31. * Decoupling C++ and Python modules to achieve separate compilation of core modules.
  32. * Data processing, augmentation, and save format
  33. * Support automatic data augmentation
  34. * Support GNN distributed cache in single node
  35. * Support ConcatDataset using distributed sampler
  36. #### Other Hardware Support
  37. * GPU platform
  38. * New model supported: VGG16, ResNet101, DeepFM.
  39. * Support some distributed operators in ResNet50 and Wide&Deep.
  40. * Support automatic parallel for Wide&Deep.
  41. * Support function funcs[i](*inputs) (such as switch-case).
  42. * Support distributed training with parameter server.
  43. * Support GPU operator profiling.
  44. * Performance optimization of the distributed training with allreduce.
  45. * Performance optimization of the mixed precision training.
  46. * Performance optimization of the pynative mode.
  47. * Performance optimization of the convolution operator, batch normalization operator.
  48. * CPU platform
  49. * Support MobileNetV2 Re-Training: Re-train the network with different class number.
  50. ### MindSpore Lite
  51. * Converter
  52. * Support third-party models, including TFLite/Caffe/ONNX.
  53. * Add 93 TFLite op.
  54. * Add 24 Caffe op.
  55. * Add 62 ONNX op.
  56. * Add 11 optimized passes, include fusion/const fold.
  57. * Support aware-training and Post-training quantization.
  58. * CPU
  59. * Add 100+ops,support fp32, int8/uint8, FP16 ops
  60. * Support fast convolution algorithms: Sliding Window, Img2col + Gemm, Strassen, Winograd
  61. * Support assembly/neon instruction.
  62. * Support CPU fp16 and sdot on ARM v8.2+.
  63. * GPU
  64. * Add 20+ ops for OpenCL.
  65. * Support image2D/buffer format.
  66. * Optimize online initialization time.
  67. * add optimized convolution1X1/3X3/depthwise/convolution_transposed for OpenCL.
  68. * Tool & example
  69. * Add benchmark and TimeProfile tools.
  70. * Add image classification Android Demo.
  71. ## Bugfixes
  72. * Models
  73. * normalize the readme file([!5410](https://gitee.com/mindspore/mindspore/pulls/5410))
  74. * fix a sink_size bug for transformer([!5393](https://gitee.com/mindspore/mindspore/pulls/5393))
  75. * fix bool type optional for resnet50([!5363](https://gitee.com/mindspore/mindspore/pulls/5363))
  76. * Python API
  77. * improve interface '__bool__' for tensor([!4000](https://gitee.com/mindspore/mindspore/pulls/4000))
  78. * fix GPU-ResizeNearestNeighbor([!3760](https://gitee.com/mindspore/mindspore/pulls/3760))
  79. * fix topK multi dimention grad func([!3711](https://gitee.com/mindspore/mindspore/pulls/3711))
  80. * fix scatterop error msg([!3699](https://gitee.com/mindspore/mindspore/pulls/3699))
  81. * fix bug of cast dtype when using mix_presion in pynative mode([!3730](https://gitee.com/mindspore/mindspore/pulls/3730))
  82. * Executor
  83. * fix etsnet train error when UnsegmentSum's first input shape is (1,) ([!4573](https://gitee.com/mindspore/mindspore/pulls/4573))
  84. * fix bug of result error in while control flow because of unsupporting for value reference ([!4103](https://gitee.com/mindspore/mindspore/pulls/4103))
  85. * fix bug of the output tensor does not carry device data type ([!3774](https://gitee.com/mindspore/mindspore/pulls/3774))
  86. * fix bug of avoiding multi attr value are eliminated in pynative mode ([!4225](https://gitee.com/mindspore/mindspore/pulls/4225))
  87. * fix bug of AssignAdd unable to work normally in multi-cases ([!5171](https://gitee.com/mindspore/mindspore/pulls/5171))
  88. * GPU platform
  89. * improve the environment variable checking for nvcc compiler path ([!5140](https://gitee.com/mindspore/mindspore/pulls/5140))
  90. * fix bug of error in cast operator conversion from fp16 to fp32 ([!4147](https://gitee.com/mindspore/mindspore/pulls/4147))
  91. * fix bug of the array out of bound in case of make_tuple operator ([!5219](https://gitee.com/mindspore/mindspore/pulls/5219))
  92. * Data processing and Pro
  93. * fix GeneratorDataset time out([!3624](https://gitee.com/mindspore/mindspore/pulls/3624))
  94. * fix concat operator get_dataset_size error([!4701](https://gitee.com/mindspore/mindspore/pulls/4701))
  95. * fixing python validator for Repeat Op([!4366](https://gitee.com/mindspore/mindspore/pulls/4366))
  96. ## Contributors
  97. Thanks goes to these wonderful people:
  98. Adel, Alexey, andy, andy_wangrui, anthonyaje, anzhengqi, askmiao, avakh, baihuawei, bingyaweng, BowenK, buxue, caifubi, CaoJian, caozhou, Cathy, changzherui, chenfei, chengxianbin, chenhaozhe, chenjianping, chentingting, chenzomi, chenzupeng, chujinjin, cjh9368, Corleone, cristoval, danish, dengyutao, eric, Eric, ervinzhang, etone-chan, fangzehua, fary86, fuzhiye, gengdongjie, genglishuai, Giancarlo, gongdaguo, gukecai, guohongzilong, GuoMengHao, hangq, hanhaocheng, hanhuifeng2020, hanjun996, Harshvardhan, He, heleiwang, hesham, hexia, Hoai, hongxing, huangdongrun, huanghui, huangxinjing, islam_amin, Jesse, jianghui58, jiangzhiwen, jin-xiulang, jinyaohui, jjfeing, John, Jonathan, jonyguo, kai00, kingfo, kpy, kswang, laiyongqiang, leilei_snow, leopz, Li, liangzelang, lianliguang, lichen_101010, lichenever, lihongkang, lilei, limingqi107, ling, lingyunli63, linqingke, lirongzhen1, liubuyu, liuwenhao4, liuxiao78, liuxiao93, liuzhongkai, Lixia, lixian, liyong, lizhenyu, looop5, luoyang, lvchangquan, lvliang, lvwenyuan, lyvette, mahdi, Mahdi, mamba_ni, maning202007, Margaret_wangrui, mayang, meixiaowei, meng_chunyang, ms_yan, nhussain, panbingao, panfengfeng, panyifeng, Payne, Peilin, peixu_ren, pengyongrong, Pengyongrong, qianlong, qujianwei, root, shenwei41, shibeiji, simson, songhonglei413, Su, sunsuodong, suteng, tao_yunhao, TFbunny, tinazhang, tom__chen, tony_liu2, tronzhang, VectorSL, wandongdong, wangdongxu, wanghua, wangmin, wangshaocong, wangzhe, wanyiming, Wei, wenchunjiang, wilfChen, WilliamLian, wsc, wukesong, wuweikang, wuxuejian, wuyongkang, xiefangqi, xuanyue, Xun, xutianchun, xuyongfei, yanghaitao, yangjie159, YangLuo, yangruoqi713, yangyongjie, yangzhenzhang, yankai, yao_yf, yelihua, yeyunpeng, Yi, yoni, yoonlee666, yuchaojie, yujianfeng, yuximiao, zhangxuetong, zhaizhiqiang, Zhang, zhangxinfeng3, zhangxuetong, zhangyihui, zhangz0911gm, zhanke, zhanyuan, zhaodezan, zhaoting, zhaozhenlong, zhengjun10, zhongligeng, zhoufeng, zhousiyi, zhouyaqiang, zhouyuanshen, Zichun, Zirui, zjun, zongha, ZPaC, lijiaqi, liangchenghui, wangminggui
  99. Contributions of any kind are welcome!
  100. # Release 0.6.0-beta
  101. ## Major Features and Improvements
  102. ### Ascend 910 Training and Inference Framework
  103. * New models
  104. * There are official, research and community under modelzoo.
  105. * Official is maintained with the newest APIs by MindSpore team, MaskRCNN are added.
  106. * Research is uploaded by researchers for official review, and APIs may not be updated in time.
  107. * Community reprints the relevant links of partner research results.
  108. * Hub added on the same level as modelzoo, synchronous storage of materials needed for official hub web pages which will be launched soon.
  109. * Support pre-trained models, few lines of code can be used to download and load pre-trained models, supporting inference or transfer learning.
  110. * Frontend and user interface
  111. * Supports user side operator compilation and graph execution error rendering.
  112. * Uniform definition dynamic learning rate behavior in optimizers.
  113. * Support IndexSlice in sparse expression.
  114. * Support use parent construct method during construct.
  115. * Support asynchronous execution save checkpoint file.
  116. * Support implicit type conversion in pynative mode.
  117. * User interfaces change log
  118. * unform learning rate behavior in optimizers([!2755](https://gitee.com/mindspore/mindspore/pulls/2755))
  119. * rename operator of sparse optimizer([!3217](https://gitee.com/mindspore/mindspore/pulls/3217))
  120. * move profiler module from mindinsight to mindspore([!3075](https://gitee.com/mindspore/mindspore/pulls/3075))
  121. * VOCDataset output change to multi-columns([!3093](https://gitee.com/mindspore/mindspore/pulls/3093))
  122. * GetDatasize feature([!3212](https://gitee.com/mindspore/mindspore/pulls/3212))
  123. * dataset: modify config api([!2936](https://gitee.com/mindspore/mindspore/pulls/2936))
  124. * Executor and performance optimization
  125. * Decouple C++ and python, so make the architecture more extensible.
  126. * Parameter Server for distributed deep learning supported.
  127. * Serving:a flexible service deployment framework for deep learning models.
  128. * Memory reuse is enhanced, and the batch size of Bert large model is increased from 96 to 160 on a single server.
  129. * Data processing, augmentation, and save format
  130. * Support MindRecord save operator after date processing
  131. * Support automatic fusion operator, such as decode/resize/crop
  132. * Support CSV dataset loading
  133. ### Other Hardware Support
  134. * GPU platform
  135. * New model supported: ResNext50, WarpCTC and GoogLeNet.
  136. * Support hyperparametric search and data enhanced automl on GPU.
  137. * Support Resnet50 automatic parallel in GPU backend.
  138. ## Bugfixes
  139. * Models
  140. * Improved the performance and accuracy on ResNet50([!3456](https://gitee.com/mindspore/mindspore/pulls/3456))
  141. * Fixed the performance test case of bert([!3486](https://gitee.com/mindspore/mindspore/pulls/3486))
  142. * Python API
  143. * Fix assign used in while loop([!2720](https://gitee.com/mindspore/mindspore/pulls/2720))
  144. * Revert optimize the graph output of all nop node.([!2857](https://gitee.com/mindspore/mindspore/pulls/2857))
  145. * Print tensor as numpy.([!2859](https://gitee.com/mindspore/mindspore/pulls/2859))
  146. * Support weight decay for sparse optimizer([!2668](https://gitee.com/mindspore/mindspore/pulls/2668))
  147. * Fix BatchToSpaceND([!2741](https://gitee.com/mindspore/mindspore/pulls/2741))
  148. * Fixing type check mistakes of InplaceAdd and Inplace Sub ops([!2744](https://gitee.com/mindspore/mindspore/pulls/2744]))
  149. * Change order param only equal to group param([!2748](https://gitee.com/mindspore/mindspore/pulls/2748))
  150. * Executor
  151. * The performance of graph whith control flow is optimized([!2931](https://gitee.com/mindspore/mindspore/pulls/2931))
  152. * Fix bug of wrong number of tuple layers([!3390](https://gitee.com/mindspore/mindspore/pulls/3390))
  153. * Fix cpu multi graph memory exception([!3631](https://gitee.com/mindspore/mindspore/pulls/3631))
  154. * Enable data sync when calling operator without defining a cell([!3081](https://gitee.com/mindspore/mindspore/pulls/3081))
  155. * Fix argmaxwith value error in pynative mode on GPU([!3082](https://gitee.com/mindspore/mindspore/pulls/3082))
  156. * Fix precision error with fp16 input on pynative mode([!3196](https://gitee.com/mindspore/mindspore/pulls/3196))
  157. * Data processing
  158. * Fix bug of RandomColor and RandomSharpness default parameter checking ([!2833](https://gitee.com/mindspore/mindspore/pulls/2833))
  159. * Fix process hung when training and eval ([!3469](https://gitee.com/mindspore/mindspore/pulls/3469))
  160. ## Contributors
  161. Thanks goes to these wonderful people:
  162. Alexey Shevlyakov, avakh, baihuawei, BowenK, buxue, caifubi, caojian05, Cathy Wong, changzherui, chenfei, chengxianbin, chenhaozhe, chenjianping, chentingting, chenzomi, chujinjin, Danish Farid, dayschan, dengwentao, dinghao, etone-chan, fangzehua, fary86, geekun, Giancarlo Colmenares, gong chen, gukecai, guohongzilong, hangangqiang, heleiwang, hesham, He Wei, hexia, hongxing, huangdongrun, huanghui, islam_amin, Jamie Nisbet, Jesse Lee, jiangjinsheng, jiangzhiwen, jinyaohui, jjfeing, jojobugfree, Jonathan Yan, jonyguo, Junhan Hu, Kang, kingfo, kouzhenzhong, kpy, kswang, laiyongqiang, leopz, liangzelang, lichenever, lihongkang, Li Hongzhang, lilei, limingqi107, lirongzhen1, liubuyu, liuchongming74, liuwenhao4, liuxiao, Lixia Chen, liyanliu, liyong, lizhenyu, lvliang, Mahdi, Margaret_wangrui, meixiaowei, ms_yan, nhussain, ougongchang, panfengfeng, panyifeng, peilinwang, Peilin Wang, pkuliuliu, qianlong, rick_sanchez, shibeiji, Shida He, shijianning, simson, sunsuodong, suteng, Tinazhang, Tron Zhang, unknown, VectorSL, wandongdong, wangcong, wangdongxu, wangdongxu6, wanghua, wangnan39, Wei Luning, wenchunjiang, wenkai, wilfChen, WilliamLian, wukesong, Xian Weizhao, Xiaoda Zhang, xiefangqi, xulei2020, xunxue, xutianchun, Yang, yanghaitao, yanghaitao1, yanghaoran, yangjie, yangjie159, YangLuo, Yanjun Peng, yankai, yanzhenxiang2020, yao_yf, Yi Huaijie, yoonlee666, yuchaojie, yujianfeng, zhangzhongpeng, zhangdengcheng, Zhang Qinghua, zhangyinxia, zhangz0911gm, zhaojichen, zhaoting, zhaozhenlong, zhoufeng, zhouneng, zhousiyi, Zirui Wu, Ziyan, zjun, ZPaC, lihongzhang, wangdongxu
  163. Contributions of any kind are welcome!
  164. # Release 0.5.0-beta
  165. ## Major Features and Improvements
  166. ### Ascend 910 Training and Inference Framework
  167. * New models
  168. * ResNext50: a simple, highly modularized network architecture using aggregated resdiual transformations for image classification on ImageNet 2012 dataset.
  169. * MASS: a pre-training method for sequence to sequence based language generation tasks on Text Summarization and Conversational Response Generation using News Crawls 2007-2017 dataset, Gigaword corpus and Cornell movie dialog corpus.
  170. * Transformer: a neural network architecture for language understanding on WMT 2014 English-German dataset.
  171. * GCN:Graph Convolutional Networks for the task of classification of nodes in a graph on Cora and Citeseer datasets.
  172. * GAT:an attention-based graph neural network for node classification on Cora and CiteSeer dataset.
  173. * Frontend and user interface
  174. * Support tensor value and assignment of mixed tensor index in graph mode.
  175. * Support tensor comparison, len operator, constexpr syntax, value and assignment of tensor index in pynative mode.
  176. * Support converting MindSpore IR to pb format for infer model.
  177. * Support print operator to write data directly on the hard disk.
  178. * Add the double recursive programming solution for very high speed parallel strategy search in automatic parallel.
  179. * User interfaces change log
  180. * Allow the learning rate of AdamWeightDecayDynamicLR and Lamb to be 0([!1826](https://gitee.com/mindspore/mindspore/pulls/1826))
  181. * Restricting the entire network input parameter is Tensor([!1967](https://gitee.com/mindspore/mindspore/pulls/1967))
  182. * Turn shape and dtype into attributes instead of interfaces([!1919](https://gitee.com/mindspore/mindspore/pulls/1919))
  183. * Delete multitypefungraph([!2116](https://gitee.com/mindspore/mindspore/pulls/2116))
  184. * Refactor the callback module in an encapsulated way, use _CallbackManager instead of _build_callbacks([!2236](https://gitee.com/mindspore/mindspore/pulls/2236))
  185. * Delete EmbeddingLookup([!2163](https://gitee.com/mindspore/mindspore/pulls/2163))
  186. * Checkpoint add model_type([!2517](https://gitee.com/mindspore/mindspore/pulls/2517))
  187. * Executor and performance optimization
  188. * Heterogeneous execution on CPU and Ascend devices supported, and is verified in Wide&Deep model.
  189. * Quantitative training of MobileNetV2, Lenet and Resnet50 on Ascend-910 are supported.
  190. * Support new fusion architecture, which can do fusion optimization across graphs and kernels to improve execution speed.
  191. * Data processing, augmentation, and save format
  192. * Support data processing pipeline performance profiling.
  193. * Support public dataset loading, such as CLUE and Coco.
  194. * Support more text processing, such as more tokenizers and vocab data.
  195. * Support MindRecord padded data.
  196. ### Other Hardware Support
  197. * GPU platform
  198. * New model supported: Bert / Wide&Deep.
  199. * Support setting max device memory.
  200. * CPU platform
  201. * New model supported: LSTM.
  202. ## Bugfixes
  203. * Models
  204. * Bert, Move Bert from `example` to `model_zoo`, optimize network for better performance. ([!1902](https://gitee.com/mindspore/mindspore/pulls/1902))
  205. * VGG16, Move VGG16 from `example` to `model_zoo`, optimize network for better accuracy. ([!2645](https://gitee.com/mindspore/mindspore/pulls/2645))
  206. * Alexnet, modify parameter setting to improve accuracy ([!1364](https://gitee.com/mindspore/mindspore/pulls/2370))
  207. * Wide&Deep, Move Wide&Deep from `example` to `model_zoo`, optimize network for better performance. ([!2221](https://gitee.com/mindspore/mindspore/pulls/2221))
  208. * Python API
  209. * Fix bug in auto cast([!1766](https://gitee.com/mindspore/mindspore/pulls/1766))
  210. * Fix bug of register_backward_hook([!2148](https://gitee.com/mindspore/mindspore/pulls/2148))
  211. * Fix bug of tuple args in pynative mode([!1878](https://gitee.com/mindspore/mindspore/pulls/1878))
  212. * Fix bug of checking numbers of arguments and graph parameters([!1701](https://gitee.com/mindspore/mindspore/pulls/1701))
  213. * Executor
  214. * Fix bug of loading input data repeatedly in pynative mode([!1966](https://gitee.com/mindspore/mindspore/pulls/1966))
  215. * Fix bug of list cannot be used as input in pynative mode([!1765](https://gitee.com/mindspore/mindspore/pulls/1765))
  216. * Fix bug of kernel select ([!2103](https://gitee.com/mindspore/mindspore/pulls/2103))
  217. * Fix bug of pattern matching for batchnorm fusion in the case of auto mix precision.([!1851](https://gitee.com/mindspore/mindspore/pulls/1851))
  218. * Fix bug of generate hccl's kernel info.([!2393](https://gitee.com/mindspore/mindspore/mindspore/pulls/2393))
  219. * GPU platform
  220. * Fix bug of summary feature invalid([!2173](https://gitee.com/mindspore/mindspore/pulls/2173))
  221. * Data processing
  222. * Fix bug of Cifar dataset reading([!2096](https://gitee.com/mindspore/mindspore/pulls/2096))
  223. * Fix bug of C++ behavior in RandomCropAndResize([!2026](https://gitee.com/mindspore/mindspore/pulls/2026))
  224. * Fix the bug of mindrecord shuffle([!2420](https://gitee.com/mindspore/mindspore/pulls/2420))
  225. ## Contributors
  226. Thanks goes to these wonderful people:
  227. Alexey Shevlyakov, avakh, baihuawei, BowenK, buxue, caifubi, caojian05, Cathy Wong, changzherui, chenfei, chengxianbin, chenhaozhe, chenjianping, chentingting, chenzomi, chujinjin, Danish Farid, dayschan, dengwentao, dinghao, etone-chan, fangzehua, fary86, geekun, Giancarlo Colmenares, gong chen, gukecai, guohongzilong, hangangqiang, heleiwang, hesham, He Wei, hexia, hongxing, huangdongrun, huanghui, islam_amin, Jamie Nisbet, Jesse Lee, jiangjinsheng, jiangzhiwen, jinyaohui, jjfeing, jojobugfree, Jonathan Yan, jonyguo, Junhan Hu, Kang, kingfo, kouzhenzhong, kpy, kswang, laiyongqiang, leopz, liangzelang, lichenever, lihongkang, Li Hongzhang, lilei, limingqi107, lirongzhen1, liubuyu, liuchongming74, liuwenhao4, liuxiao, Lixia Chen, liyanliu, liyong, lizhenyu, lvliang, Mahdi, Margaret_wangrui, meixiaowei, ms_yan, nhussain, ougongchang, panfengfeng, panyifeng, peilinwang, Peilin Wang, pkuliuliu, qianlong, rick_sanchez, shibeiji, Shida He, shijianning, simson, sunsuodong, suteng, Tinazhang, Tron Zhang, unknown, VectorSL, wandongdong, wangcong, wangdongxu, wangdongxu6, wanghua, wangnan39, Wei Luning, wenchunjiang, wenkai, wilfChen, WilliamLian, wukesong, Xian Weizhao, Xiaoda Zhang, xiefangqi, xulei2020, xunxue, xutianchun, Yang, yanghaitao, yanghaitao1, yanghaoran, yangjie, yangjie159, YangLuo, Yanjun Peng, yankai, yanzhenxiang2020, yao_yf, Yi Huaijie, yoonlee666, yuchaojie, yujianfeng, zhangzhongpeng, zhangdengcheng, Zhang Qinghua, zhangyinxia, zhangz0911gm, zhaojichen, zhaoting, zhaozhenlong, zhoufeng, zhouneng, zhousiyi, Zirui Wu, Ziyan, zjun, ZPaC, lihongzhang, wangdongxu
  228. Contributions of any kind are welcome!
  229. # Release 0.3.1-alpha
  230. ## Major Features and Improvements
  231. ### Ascend 910 Training and Inference Framework
  232. * Frontend and User Interface
  233. * Independent model init interface.
  234. * Data processing, augmentation, and save format
  235. * Support sample padding for minddataset.
  236. ## Bugfixes
  237. * Python API
  238. * Fix bugs in the lars optimizer([!1894](https://gitee.com/mindspore/mindspore/pulls/1894))
  239. * Data processing
  240. * Fix accuracy problem of RandomCropDecodeResize ([!2340](https://gitee.com/mindspore/mindspore/pulls/2340))
  241. # Release 0.3.0-alpha
  242. ## Major Features and Improvements
  243. ### Ascend 910 Training and Inference Framework
  244. * New models
  245. * DeepFM: a factorization-machine based neural network for CTR prediction on Criteo dataset.
  246. * DeepLabV3: significantly improves over our previous DeepLab versions without DenseCRF post-processing and attains comparable performance with other state-of-art models on the PASCAL VOC 2007 semantic image segmentation benchmark.
  247. * Faster-RCNN: towards real-time object detection with region proposal networks on COCO 2017 dataset.
  248. * SSD: a single stage object detection methods on COCO 2017 dataset.
  249. * GoogLeNet: a deep convolutional neural network architecture codenamed Inception V1 for classification and detection on CIFAR-10 dataset.
  250. * Wide&Deep: jointly trained wide linear models and deep neural networks for recommender systems on Criteo dataset.
  251. * Frontend and User Interface
  252. * Complete numpy advanced indexing method. Supports value and assignment through tensor index.
  253. * Some optimizers support separating parameter groups. Different parameter groups can set different `learning_rate` and `weight_decay`.
  254. * Support setting submodule's logging level independently, e.g. you can set logging level of module `A` to warning and set logging level of module `B` to info.
  255. * Support weights to be compiled according to shape to solve the problem of large memory overhead.
  256. * Add some operators implement and grammar support in pynative mode. To be consistent with graph mode.
  257. * User interfaces change log
  258. * Learning rate and weight decay making group params([!637](https://gitee.com/mindspore/mindspore/pulls/637))
  259. * Support weights to be compiled according to shape([!1015](https://gitee.com/mindspore/mindspore/pulls/1015))
  260. * delete some context param([!1100](https://gitee.com/mindspore/mindspore/pulls/1100))
  261. * ImageSummary/ScalarSummary/TensorSummary/HistogramSummary([!1329](https://gitee.com/mindspore/mindspore/pulls/1329))([!1425](https://gitee.com/mindspore/mindspore/pulls/1425))
  262. * Executor and Performance Optimization
  263. * Support doing evaluation while in training process, so that the accuracy of training can be easily obtained.
  264. * Enable second-order optimization for resnet50, which can achieve 75.9% accuracy in 45 epochs (Resnet50 @ImageNet).
  265. * Optimize pynative implementation and improve it's execution performance.
  266. * Optimize summary record implementation and improve its performance.
  267. * Data processing, augmentation, and save format
  268. * Support simple text processing, such as tokenizer/buildvocab/lookup.
  269. * Support padding batch.
  270. * Support split or concat dataset.
  271. * Support MindDataset reading from file list.
  272. ### Other Hardware Support
  273. * GPU platform
  274. * New models supported: MobileNetV2, MobileNetV3.
  275. * Support mixed precision training.
  276. * Support device memory swapping.
  277. ## Bugfixes
  278. * Python API
  279. * An exception to the broadcast input data type check([!712](https://gitee.com/mindspore/mindspore/pulls/712))
  280. * Fix issues assignsub return value 0([!1036](https://gitee.com/mindspore/mindspore/pulls/1036))
  281. * Fix issue Conv2dBackpropInput bprop should return 3 instead of 2 items([!1001](https://gitee.com/mindspore/mindspore/pulls/1001))
  282. * Fix sens shape error of TrainOneStepWithLossScaleCell([!1050](https://gitee.com/mindspore/mindspore/pulls/1050))
  283. * Fix BatchNormGrad operator([!1344](https://gitee.com/mindspore/mindspore/pulls/1344))
  284. * Executor
  285. * Fix dropout,topK and addn errors in PyNative mode ([!1285](https://gitee.com/mindspore/mindspore/pulls/1285), [!1138](https://gitee.com/mindspore/mindspore/pulls/1138), [!1033](https://gitee.com/mindspore/mindspore/pulls/1033)).
  286. * Fix memory leaks after execution in PyNatvie mode ([!1201](https://gitee.com/mindspore/mindspore/pulls/1201)).
  287. * Fix HCCL failure in some special scenes ([!1204](https://gitee.com/mindspore/mindspore/pulls/1204), [!1252](https://gitee.com/mindspore/mindspore/pulls/1252)).
  288. * Fix SSD network when Select failed, cann't find kernel info([!1449](https://gitee.com/mindspore/mindspore/pulls/1449)).
  289. * Fix Topk operator selection strategy bug between aicore and aicpu([!1367](https://gitee.com/mindspore/mindspore/pulls/1367)).
  290. * Fix input memory size of 'assign' op unequal in control sink mode when assigning a data from one child graph to another child graph([!802](https://gitee.com/mindspore/mindspore/pulls/802)).
  291. * Fix allreduce ir inconsistency([!989](https://gitee.com/mindspore/mindspore/pulls/989)).
  292. * GPU platform
  293. * Fix summary for gradient collection ([!1364](https://gitee.com/mindspore/mindspore/pulls/1364))
  294. * Fix the slice operator ([!1489](https://gitee.com/mindspore/mindspore/pulls/1489))
  295. * Data processing
  296. * Fix memory problems of GeneratorDataset of sub-process ([!907](https://gitee.com/mindspore/mindspore/pulls/907))
  297. * Fix getting data timeout when training the cifar10 dataset under the lenet([!1391](https://gitee.com/mindspore/mindspore/pulls/1391))
  298. ## Contributors
  299. Thanks goes to these wonderful people:
  300. Alexey Shevlyakov, Amir Lashkari, anthony, baihuawei, biffex, buxue, caifubi, candanzg, caojian05, Cathy Wong, changzherui, chenfei, chengxianbin, chenhaozhe, chenzomi, chujinjin, cristoval, dengwentao, eric, etone-chan, fary86, gaojing, gengdongjie, gongchen, guohongzilong, guozhijian, heleiwang, hesham, He Wei, Hoai Linh Tran, hongxing, huangdongrun, huanghui, Jamie Nisbet, Jesse Lee, jiangjinsheng, jiangzhiwen, jinyaohui, jjfeing, jonwe, jonyguo, Junhan Hu, Kang, kingfo, kswang, laiyongqiang, leopz, lichenever, lihongkang, limingqi107, liubuyu, liuliyan2, liuwenhao4, liuxiao, liuxiao, liyong, lizhenyu, lvliang, Margaret_wangrui, meixiaowei, ms_yan, Nat Sutyanyong, ougongchang, panfengfeng, panyifeng, Peilin Wang, peixu_ren, qianlong, rick_sanchez, seatea, sheng, shijianning, simson, sunsuodong, Tinazhang, VectorSL, wandongdong, wangcong, wanghua, wangnan39, Wei Luning, wenchunjiang, wilfChen, WilliamLian, wsc, wukesong, wuxuejian, Xiaoda Zhang, xiefangqi, xulei2020, Yang, yangjie159, yangruoqi713, yangyongjie, yangzhenzhang, Yanjun Peng, yanzhenxiang2020, yao_yf, Yi Huaijie, yoonlee666, yujianfeng, YuJianfeng, yvetteliu, zhangdengcheng, Zhang Qinghua, zhangz0911gm, zhaojichen, zhaoting, zhaozhenlong, zhoufeng, zhouneng, zhousiyi, zhouyuanshen, Zirui Wu, Ziyan, zjun, ZPaC, lihongzhang
  301. Contributions of any kind are welcome!
  302. # Release 0.2.0-alpha
  303. ## Major Features and Improvements
  304. ### Ascend 910 Training and Inference Framework
  305. * New models
  306. * MobileNetV2: Inverted Residuals and Linear Bottlenecks.
  307. * ResNet101: Deep Residual Learning for Image Recognition.
  308. * Frontend and User Interface
  309. * Support for all python comparison operators.
  310. * Support for math operators **,//,%. Support for other python operators like and/or/not/is/is not/ in/ not in.
  311. * Support for the gradients of function with variable arguments.
  312. * Support for tensor indexing assignment for certain indexing type.
  313. * Support for dynamic learning rate.
  314. * User interfaces change log
  315. * DepthwiseConv2dNative, DepthwiseConv2dNativeBackpropFilter, DepthwiseConv2dNativeBackpropInput([!424](https://gitee.com/mindspore/mindspore/pulls/424))
  316. * ReLU6, ReLU6Grad([!224](https://gitee.com/mindspore/mindspore/pulls/224))
  317. * GeneratorDataset([!183](https://gitee.com/mindspore/mindspore/pulls/183))
  318. * VOCDataset([!477](https://gitee.com/mindspore/mindspore/pulls/477))
  319. * MindDataset, PKSampler([!514](https://gitee.com/mindspore/mindspore/pulls/514))
  320. * map([!506](https://gitee.com/mindspore/mindspore/pulls/506))
  321. * Conv([!226](https://gitee.com/mindspore/mindspore/pulls/226))
  322. * Adam([!253](https://gitee.com/mindspore/mindspore/pulls/253))
  323. * _set_fusion_strategy_by_idx, _set_fusion_strategy_by_size([!189](https://gitee.com/mindspore/mindspore/pulls/189))
  324. * CheckpointConfig([!122](https://gitee.com/mindspore/mindspore/pulls/122))
  325. * Constant([!54](https://gitee.com/mindspore/mindspore/pulls/54))
  326. * Executor and Performance Optimization
  327. * Support parallel execution of data prefetching and forward/backward computing.
  328. * Support parallel execution of gradient aggregation and forward/backward computing in distributed training scenarios.
  329. * Support operator fusion optimization.
  330. * Optimize compilation process and improve the performance.
  331. * Data processing, augmentation, and save format
  332. * Support multi-process of GeneratorDataset/PyFunc for high performance
  333. * Support variable batchsize
  334. * Support new Dataset operators, such as filter,skip,take,TextLineDataset
  335. ### Other Hardware Support
  336. * GPU platform
  337. * Use dynamic memory pool by default on GPU.
  338. * Support parallel execution of computation and communication.
  339. * Support continuous address allocation by memory pool.
  340. * CPU platform
  341. * Support for windows 10 OS.
  342. ## Bugfixes
  343. * Models
  344. * Fix mixed precision bug for VGG16 model ([!629](https://gitee.com/mindspore/mindspore/pulls/629)).
  345. * Python API
  346. * Fix ControlDepend operator bugs on CPU and GPU ([!396](https://gitee.com/mindspore/mindspore/pulls/396)).
  347. * Fix ArgMinWithValue operator bugs ([!338](https://gitee.com/mindspore/mindspore/pulls/338)).
  348. * Fix Dense operator bugs on PyNative mode ([!276](https://gitee.com/mindspore/mindspore/pulls/276)).
  349. * Fix MatMul operator bugs on PyNative mode ([!288](https://gitee.com/mindspore/mindspore/pulls/288)).
  350. * Executor
  351. * Fix operator selection bugs and make it general ([!300](https://gitee.com/mindspore/mindspore/pulls/300)).
  352. * Fix memory reuse bug for GetNext op ([!291](https://gitee.com/mindspore/mindspore/pulls/291)).
  353. * GPU platform
  354. * Fix memory allocation in multi-graph scenarios ([!444](https://gitee.com/mindspore/mindspore/pulls/444)).
  355. * Fix bias_add_grad under fp16 precision ([!598](https://gitee.com/mindspore/mindspore/pulls/598)).
  356. * Fix support for fp16 kernels on nvidia 1080Ti([!571](https://gitee.com/mindspore/mindspore/pulls/571)).
  357. * Fix parsing of tuple type parameters ([!316](https://gitee.com/mindspore/mindspore/pulls/316)).
  358. * Data processing
  359. * Fix TypeErrors about can't pickle mindspore._c_dataengine.DEPipeline objects([!434](https://gitee.com/mindspore/mindspore/pulls/434)).
  360. * Add TFRecord file verification([!406](https://gitee.com/mindspore/mindspore/pulls/406)).
  361. ## Contributors
  362. Thanks goes to these wonderful people:
  363. Alexey_Shevlyakov, Cathy, Chong, Hoai, Jonathan, Junhan, JunhanHu, Peilin, SanjayChan, StrawNoBerry, VectorSL, Wei, WeibiaoYu, Xiaoda, Yanjun, YuJianfeng, ZPaC, Zhang, ZhangQinghua, ZiruiWu, amongo, anthonyaje, anzhengqi, biffex, caifubi, candanzg, caojian05, casgj, cathwong, ch-l, chang, changzherui, chenfei, chengang, chenhaozhe, chenjianping, chentingting, chenzomi, chujinjin, dengwentao, dinghao, fanglei, fary86, flywind, gaojing, geekun, gengdongjie, ghzl, gong, gongchen, gukecai, guohongzilong, guozhijian, gziyan, h.farahat, hesham, huangdongrun, huanghui, jiangzhiwen, jinyaohui, jjfeing, jojobugfree, jonathan_yan, jonyguo, jzw, kingfo, kisnwang, laiyongqiang, leonwanghui, lianliguang, lichen, lichenever, limingqi107, liubuyu, liuxiao, liyong, liyong126, lizhenyu, lupengcheng, lvliang, maoweiyong, ms_yan, mxm, ougongchang, panfengfeng, panyifeng, pengyanjun, penn, qianlong, seatea, simson, suteng, thlinh, vlne-v1, wangchengke, wanghua, wangnan39, wangqiuliang, wenchunjiang, wenkai, wukesong, xiefangqi, xulei, yanghaitao, yanghaoran, yangjie159, yangzhenzhang, yankai10, yanzhenxiang2020, yao_yf, yoonlee666, zhangbuxue, zhangz0911gm, zhangzheng, zhaojichen, zhaoting, zhaozhenlong, zhongligeng, zhoufeng, zhousiyi, zjun, zyli2020, yuhuijun, limingqi107, lizhenyu, chenweifeng.
  364. Contributions of any kind are welcome!
  365. # Release 0.1.0-alpha
  366. ## Main Features
  367. ### Ascend 910 Training and Inference Framework
  368. * Recommended OS: Ubuntu 16.04 (or later) or EulerOS 2.5 or EulerOS 2.8
  369. * Python version: 3.7.5
  370. * Preset models
  371. * ResNet-50: residual structure-based convolutional neural network (CNN) for image classification, which is widely used.
  372. * AlexNet: classic CNN for image classification, achieving historical results in ImageNet LSVRC-2012.
  373. * LeNet: classic CNN for image classification, which was proposed by Yann LeCun.
  374. * VGG16: classic CNN for image classification, which was proposed by Oxford Visual Geometry Group.
  375. * YoloV3: real-time object detection network.
  376. * NEZHA: BERT-based Chinese pre-training network produced by Huawei Noah's Ark Laboratory.
  377. * Execution modes
  378. * Graph mode: provides graph optimization methods such as memory overcommitment, IR fusion, and buffer fusion to achieve optimal execution performance.
  379. * PyNative mode: single-step execution mode, facilitating process debugging.
  380. * Debugging capability and methods
  381. * Save CheckPoints and Summary data during training.
  382. * Support asynchronous printing.
  383. * Dump the computing data.
  384. * Support profiling analysis of the execution process performance.
  385. * Distributed execution
  386. * Support AllReduce, AllGather, and BroadCast collective communication.
  387. * AllReduce data parallel: Each device obtains different training data, which accelerates the overall training process.
  388. * Collective communication-based layerwise parallel: Models are divided and allocated to different devices to solve the problem of insufficient memory for large model processing and improve the training speed.
  389. * Automatic parallel mode: The better data and model parallel mode can be predicted based on the cost model. It is recommended that this mode be used on ResNet series networks.
  390. * Automatic differentiation
  391. * Implement automatic differentiation based on Source to Source.
  392. * Support distributed scenarios and automatic insertion of reverse communication operators.
  393. * Data processing, augmentation, and save format
  394. * Load common datasets such as ImageNet, MNIST, CIFAR-10, and CIFAR-100.
  395. * Support common data loading pipeline operations, such as shuffle, repeat, batch, map, and sampler.
  396. * Provide basic operator libraries to cover common CV scenarios.
  397. * Support users to customize Python data augmentation operators through the Pyfunc mechanism.
  398. * Support the access of user-defined datasets through the GeneratorDataset mechanism.
  399. * Provide the MindSpore data format, data aggregation and storage, random access example, data partition, efficient parallel read, user-defined index, and dataset search.
  400. * Convert user datasets to the MindSpore data format.
  401. * After data processing and augmentation, provide training applications in feed and graph modes.
  402. * FP32/16 mixed precision computation, supporting automatic and manual configuration
  403. * Provide common operators such as nn, math, and array, which can be customized.
  404. ### Inference Deployment
  405. * Deploy models in MindSpore format on the Ascend 310 platform for inference.
  406. * Save models in ONNX format.
  407. * Support saving models in LITE format and running models based on the lightweight inference framework.
  408. * Recommended OS: Android 4.3 or later
  409. * Supported network type: LeNet
  410. * Provide the generalization operators generated by TVM and operators generated after specific networks are tuned.
  411. ### Other Hardware Support
  412. * GPU platform training
  413. * Recommended OS: Ubuntu 16.04
  414. * CUDA version: 9.2 or 10.1
  415. * CuDNN version: 7.6 or later
  416. * Python version: 3.7.5
  417. * NCCL version: 2.4.8-1
  418. * OpenMPI version: 3.1.5
  419. * Supported models: AlexNet, LeNet, and LSTM
  420. * Supported datasets: MNIST and CIFAR-10
  421. * Support data parallel.
  422. * CPU platform training
  423. * Recommended OS: Ubuntu 16.04
  424. * Python version: 3.7.5
  425. * Supported model: LeNet
  426. * Supported dataset: MNIST
  427. * Provide only the stand-alone operation version.
  428. ## Peripherals and Tools
  429. * [MindSpore Official Website] (https://www.mindspore.cn/)
  430. * [MindInsight Visualization Debugging and Optimization] (https://gitee.com/mindspore/mindinsight)
  431. * [MindArmour Model Security Hardening Package] (https://gitee.com/mindspore/mindarmour)
  432. * [GraphEngine Computational Graph Engine] (https://gitee.com/mindspore/graphengine)