tag:github.com,2008:https://github.com/Oneflow-Inc/oneflow/releases Release notes from oneflow 2024-03-11T03:16:05Z tag:github.com,2008:Repository/81634683/v1.0.0 2024-03-12T01:51:40Z Version 1.0.0 <h1>Version 1.0.0</h1> <h1>OneFlow v1.0.0 release note</h1> <p>OneFlow v1.0.0 came out, welcome to install the new version for a better experience.</p> <ul> <li>Highlights</li> <li>New Features</li> <li>Improvements</li> <li>Changes and Fixes</li> <li>Performance</li> </ul> <h1>Highlights</h1> <p>This version update includes 447 commits and the following highlights:</p> <ul> <li> <p>Released a new interface <code>compile_from_torch</code>. This interface, while sharing the parameter memory, converts a PyTorch Module instance into a OneFlow Module instance. It supports direct Eager execution or conversion into a static graph nn.Graph, further accelerating the process using MLIR compilation. This interface is rapidly evolving and currently supports dynamic shape compilation, validated across typical models such as ResNet50, Faster RCNN, and Stable Diffusion.</p> </li> <li> <p>Made a series of optimizations and refactoring to Eager execution runtime, including unification of system memory pools, integration with CUDA native interfaces, optimization of instruction scheduling mechanisms, introduction of an instruction fusion mechanism, optimization of Autograd graph construction speed, optimization of Op inference process, and decoupling of Instruction and Stream, etc.</p> </li> <li> <p>The static graph distributed physical execution plan supports separate compilation functionality, allowing each process to independently compile its required execution plan, eliminating linear growth of compilation time with GPU scale.</p> </li> <li> <p>Addition of a series of functional automatic differentiation related interface supports, including jvp, vjp, hvp, vhp, jacobian, and hessian.</p> </li> <li> <p>Addition of the Insight module, supporting visualization of kernel invocation, execution time, speed, and other related information within the embedded point intervals.</p> </li> <li> <p>Updates to LiBai (the open-source toolbox for large-scale model training), with native support for fine-tuning and distributed inference of Llama2 and ChatGLM2, supporting full finetune, adapter finetune, lora finetune. lm-eval-harness can be used for language model evaluation and validation.</p> </li> <li> <p>Upgrade of OneFlow Serving functionality, adding support for OneFlow Python backend and OneFlow Lite backend, in addition to the existing support for OneFlow Cpp backend.</p> </li> </ul> <h1>New Features</h1> <h2>1. compile_from_torch</h2> <p>The <code>compile_from_torch</code> interface, while sharing the parameter memory, converts a PyTorch Module instance into a OneFlow Module instance. It supports direct Eager execution or conversion into a static graph nn.Graph, further accelerating the process using MLIR compilation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2077204982" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10404" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10404/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10404">#10404</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2087611866" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10408" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10408/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10408">#10408</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1621659879" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9984" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9984/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9984">#9984</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1533906883" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9754" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9754/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9754">#9754</a>)</p> <p>Interface Signature and Parameter Introduction:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="compile_from_torch(torch_module: torch.nn.Module, \*, use_graph=True, options={}) * torch_module: The Torch Module instance to be converted. * use_graph: Indicates whether to transform into a static graph nn.Graph and utilize MLIR compilation acceleration. The default is True. * options: * size: When using static graph nn.Graph, the hash value of the graph corresponding to the input shape will be calculated and cached. Size indicates the maximum capacity of the static graph cache. When exceeding the maximum capacity, the graph will be cleared based on the LRU strategy. The default value is 9. * dynamic: For the first input with a dynamic shape, the graph will be fully compiled. For subsequent inputs with different shapes, if dynamic is True, shared graph will be used for compilation acceleration; if dynamic is False, the compilation will be performed each time. The default is True. * debug: Debug mode and log level settings. -1 disables debug mode, 0 outputs warnings and static graph construction information, 1 additionally outputs graph construction information for each sub-module, 2 additionally outputs progress for each operator, 3 provides more detailed operator information. The default value is -1."><pre class="notranslate"><code>compile_from_torch(torch_module: torch.nn.Module, \*, use_graph=True, options={}) * torch_module: The Torch Module instance to be converted. * use_graph: Indicates whether to transform into a static graph nn.Graph and utilize MLIR compilation acceleration. The default is True. * options: * size: When using static graph nn.Graph, the hash value of the graph corresponding to the input shape will be calculated and cached. Size indicates the maximum capacity of the static graph cache. When exceeding the maximum capacity, the graph will be cleared based on the LRU strategy. The default value is 9. * dynamic: For the first input with a dynamic shape, the graph will be fully compiled. For subsequent inputs with different shapes, if dynamic is True, shared graph will be used for compilation acceleration; if dynamic is False, the compilation will be performed each time. The default is True. * debug: Debug mode and log level settings. -1 disables debug mode, 0 outputs warnings and static graph construction information, 1 additionally outputs graph construction information for each sub-module, 2 additionally outputs progress for each operator, 3 provides more detailed operator information. The default value is -1. </code></pre></div> <p>Example of Usage:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import torch from torchvision import models import oneflow from oneflow.framework.infer_compiler import compile_from_torch DEVICE = torch.device(&quot;cuda&quot;) WEIGHT = models.ResNet50_Weights.DEFAULT model = models.resnet50(weights=WEIGHT).to(DEVICE) compile_model = compile_from_torch(model, options={&quot;dynamic&quot;: True})"><pre class="notranslate"><code>import torch from torchvision import models import oneflow from oneflow.framework.infer_compiler import compile_from_torch DEVICE = torch.device("cuda") WEIGHT = models.ResNet50_Weights.DEFAULT model = models.resnet50(weights=WEIGHT).to(DEVICE) compile_model = compile_from_torch(model, options={"dynamic": True}) </code></pre></div> <h2>2. Separated Compilation</h2> <p>The static graph distributed physical execution plan supports separate compilation , allowing each process to independently compile its required execution plan, thereby preventing linear growth of compilation time with GPU scale. The separate compilation feature supports 3D hybrid parallel (data parallelism + model parallelism + pipeline parallelism) scenarios and can be used together with LiBai (the open-source large-scale model training toolbox). To enable this feature, use the command: <code>export ONEFLOW_ENABLE_LAZY_SEPARATE_COMPILE=1</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1605008928" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9920" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9920/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9920">#9920</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1668456042" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10140" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10140/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10140">#10140</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1668668492" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10141" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10141/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10141">#10141</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1665696852" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10124" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10124/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10124">#10124</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660707313" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10102" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10102/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10102">#10102</a>)</p> <p>Below are the test results on a 128-card A100-PCIE-40GB device with LiBai on the GPT2 model:</p> <table> <thead> <tr> <th>Parallelism</th> <th>Separated Compilation Enabled</th> <th>Execution Plan Compilation Time</th> </tr> </thead> <tbody> <tr> <td>Data Parallelism (DP128 MP1 PP1)</td> <td>No</td> <td>Over 20 minutes</td> </tr> <tr> <td>Data Parallelism (DP128 MP1 PP1)</td> <td>Yes</td> <td>108.21 s</td> </tr> <tr> <td>3D Parallelism (DP4 MP4 PP8)</td> <td>No</td> <td>445.16 s</td> </tr> <tr> <td>3D Parallelism (DP4 MP4 PP8)</td> <td>Yes</td> <td>82.88 s</td> </tr> </tbody> </table> <h2>3. Functional Automatic Differentiation Interfaces</h2> <p>A series of functional automatic differentiation-related interfaces have been introduced, including jvp, vjp, hvp, vhp, jacobian, and hessian. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2093035930" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10412" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10412/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10412">#10412</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2112017013" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10428" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10428/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10428">#10428</a>)</p> <p>Example of Usage:</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import oneflow as flow # jacobian example def exp_reducer(x): return x.exp().sum(dim=1) input = flow.rand(2, 2) jac_rslt = flow.autograd.functional.jacobian(exp_reducer, input) # vhp example def pow_reducer(x): return x.pow(3).sum() input = flow.rand(2, 2) v = flow.ones(2, 2) vhp_rslt = flow.autograd.functional.vhp(pow_reducer, input, v)"><pre><span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-c"># jacobian example</span> <span class="pl-k">def</span> <span class="pl-en">exp_reducer</span>(<span class="pl-s1">x</span>): <span class="pl-k">return</span> <span class="pl-s1">x</span>.<span class="pl-c1">exp</span>().<span class="pl-c1">sum</span>(<span class="pl-s1">dim</span><span class="pl-c1">=</span><span class="pl-c1">1</span>) <span class="pl-s1">input</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">rand</span>(<span class="pl-c1">2</span>, <span class="pl-c1">2</span>) <span class="pl-s1">jac_rslt</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">autograd</span>.<span class="pl-c1">functional</span>.<span class="pl-c1">jacobian</span>(<span class="pl-s1">exp_reducer</span>, <span class="pl-s1">input</span>) <span class="pl-c"># vhp example</span> <span class="pl-k">def</span> <span class="pl-en">pow_reducer</span>(<span class="pl-s1">x</span>): <span class="pl-k">return</span> <span class="pl-s1">x</span>.<span class="pl-c1">pow</span>(<span class="pl-c1">3</span>).<span class="pl-c1">sum</span>() <span class="pl-s1">input</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">rand</span>(<span class="pl-c1">2</span>, <span class="pl-c1">2</span>) <span class="pl-s1">v</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">ones</span>(<span class="pl-c1">2</span>, <span class="pl-c1">2</span>) <span class="pl-s1">vhp_rslt</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">autograd</span>.<span class="pl-c1">functional</span>.<span class="pl-c1">vhp</span>(<span class="pl-s1">pow_reducer</span>, <span class="pl-s1">input</span>, <span class="pl-s1">v</span>)</pre></div> <h2>4. Insight Module</h2> <p>Introduced a new Insight module, enabling the visualization of kernel invocation, execution time, speed, and other related information within the embedded point intervals. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2028738830" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10370" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10370/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10370">#10370</a>)</p> <p>Usage:</p> <ul> <li>Step 1: Set embedded point intervals in the code using the OneFlow Profiler module.</li> <li>Step 2: Run the code and use NVIDIA Nsight Systems to generate a .sqlite file.</li> <li>Step 3: Use the OneFlow Insight module to generate a .json file.</li> <li>Step 4: Open the .json file in the browser at chrome://tracing/ or edge://tracing/ to obtain the visualization interface.</li> </ul> <p>For more detailed information, please refer to: <a href="https://github.com/Oneflow-Inc/oneflow/tree/master/python/oneflow/utils/insight#usage">https://github.com/Oneflow-Inc/oneflow/tree/master/python/oneflow/utils/insight#usage</a></p> <h2>5. LiBai Version Update</h2> <ul> <li> <p>LiBai (the open-source toolbox for large-scale model training) has been upgraded to version v0.3.0. It now natively supports finetuning and distributed inference of large language models Llama2 and ChatGLM2. It supports full full finetune, adapter finetune, lora finetune. lm-eval-harness can be used for language model evaluation and validation.</p> </li> <li> <p>The distributed training and inference support for ChatGLM and Llama2 are as follows:</p> </li> </ul> <table> <tbody> <tr> <th width="130"> Models </th> <th valign="bottom" align="center" width="140"> 2D (tp+pp) Inference</th> <th valign="bottom" align="center" width="140"> 3D Parallel Training </th> </tr> <tr> <td align="center"><a href="https://github.com/Oneflow-Inc/libai/tree/main/projects/ChatGLM"> <b> ChatGLM </b> </a></td> <td align="center">✔</td> <td align="center">✔</td> </tr> <tr> <td align="center"><a href="https://github.com/Oneflow-Inc/libai/tree/main/projects/Llama"> <b> Llama2 </b> </a></td> <td align="center">✔</td> <td align="center">✔</td> </tr> </tbody> </table> <p>Example of Usage:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="# full finetune bash tools/train.sh projects/Llama/train_net.py projects/Llama/configs/llama_sft.py 8 # adapter finetune bash tools/train.sh projects/Llama/adapter/train_net.py projects/Llama/adapter/adapter_sft.py 8 # inference bash tools/infer.sh projects/Llama/pipeline.py 8 # eval python projects/Llama/utils/eval_adapter.py"><pre class="notranslate"><code># full finetune bash tools/train.sh projects/Llama/train_net.py projects/Llama/configs/llama_sft.py 8 # adapter finetune bash tools/train.sh projects/Llama/adapter/train_net.py projects/Llama/adapter/adapter_sft.py 8 # inference bash tools/infer.sh projects/Llama/pipeline.py 8 # eval python projects/Llama/utils/eval_adapter.py </code></pre></div> <h2>6. Other New Features</h2> <ul> <li> <p>Added FFT-related operators. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1636781875" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10027" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10027/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10027">#10027</a>)</p> </li> <li> <p>Added <code>zeta</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1681246686" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10189" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10189/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10189">#10189</a>)</p> </li> <li> <p>Added <code>tril_</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1628799508" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9996" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9996/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9996">#9996</a>)</p> </li> <li> <p>Added <code>clone</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561218124" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9800" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9800/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9800">#9800</a>)</p> </li> <li> <p>Added <code>frac</code> and <code>frac_</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1620623576" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9979" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9979/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9979">#9979</a>)</p> </li> <li> <p>Added <code>exp2</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1614605561" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9958" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9958/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9958">#9958</a>)</p> </li> <li> <p>Added <code>rrelu</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1528715734" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9736" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9736/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9736">#9736</a>)</p> </li> <li> <p>Added <code>lgamma</code> backward operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1678049757" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10177" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10177/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10177">#10177</a>)</p> </li> <li> <p>Added <code>digamma</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1650484416" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10066" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10066/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10066">#10066</a>)</p> </li> <li> <p>Added <code>trigamma</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1664158282" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10117" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10117/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10117">#10117</a>)</p> </li> <li> <p>Added <code>bitwise_not</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1581620100" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9859" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9859/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9859">#9859</a>)</p> </li> <li> <p>Added <code>squared_relu</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1855973175" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10316" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10316/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10316">#10316</a>)</p> </li> <li> <p>Added <code>skip_rms_norm</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1639840893" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10036" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10036/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10036">#10036</a>)</p> </li> <li> <p>Added <code>multi_tensor_amp_grad_scaler</code> related operators. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1651977149" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10071" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10071/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10071">#10071</a>)</p> </li> <li> <p>Added <code>bitwise_and</code>, <code>bitwise_or</code>, <code>bitwise_xor</code> operators. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1574098692" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9842" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9842/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9842">#9842</a>)</p> </li> <li> <p>Added <code>fused_attention_concat_past_key_value</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1614862485" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9963" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9963/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9963">#9963</a>)</p> </li> <li> <p>Added <code>fused_multi_head_attention_inference_v2</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1608115985" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9933" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9933/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9933">#9933</a>)</p> </li> <li> <p>Added <code>fused_codegeex_qkv_reshape</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1606071076" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9927" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9927/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9927">#9927</a>)</p> </li> <li> <p>Added <code>fused_apply_rotary_emb</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1602594759" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9914" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9914/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9914">#9914</a>)</p> </li> <li> <p>Added <code>skip_layer_norm</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1600139029" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9906" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9906/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9906">#9906</a>)</p> </li> <li> <p>Added <code>groupwise_dequantize</code>, <code>fused_linear_with_groupwise_quantized_weight</code> operators. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1598479589" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9900" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9900/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9900">#9900</a>)</p> </li> <li> <p>Added <code>fused_scale_mask_bias_softmax</code>, <code>fused_scale_mask_bias_softmax_grad</code> operators. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1584002873" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9867/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9867">#9867</a>)</p> </li> <li> <p>Added <code>depend</code> operator for describing dependency relationships in the computation graph. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561978054" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9807" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9807/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9807">#9807</a>)</p> </li> <li> <p>Added operators for handling complex data types: <code>real</code>, <code>imag</code>, <code>conj</code>, <code>conj_physical</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1638960088" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10034" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10034/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10034">#10034</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1718994699" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10281" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10281/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10281">#10281</a>)</p> </li> <li> <p>Added CPU support for the <code>nms</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1695413257" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10225" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10225/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10225">#10225</a>)</p> </li> <li> <p>Added support for the <code>cast</code> operator to convert <code>bool</code> to <code>int16</code> data type. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1686210894" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10211" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10211/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10211">#10211</a>)</p> </li> <li> <p>Added support for the <code>arange</code> operator for the <code>fp16</code> data type. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1634986960" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10019" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10019/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10019">#10019</a>)</p> </li> <li> <p>Added support for the <code>adaptive_avg_pool</code> operator for the <code>fp16</code> data type. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1630770626" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10004" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10004/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10004">#10004</a>)</p> </li> <li> <p>Added support for the <code>nonzero</code> operator for the <code>fp16</code> data type. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1569634747" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9826" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9826/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9826">#9826</a>)</p> </li> <li> <p>Added support for the <code>exponential</code> operator for the <code>half</code> data type. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1631318607" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10005" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10005/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10005">#10005</a>)</p> </li> <li> <p>Added support for the <code>arg_sort</code> and <code>top_k</code> operators for the <code>half</code> data type. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1628999684" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10000" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10000/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10000">#10000</a>)</p> </li> <li> <p>Added support for some basic operators like <code>add</code>, <code>sub</code>, <code>mul</code>, <code>mm</code>, <code>sqrt</code>, <code>div</code> for complex data types. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1711172207" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10269" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10269/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10269">#10269</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1667889648" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10136" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10136/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10136">#10136</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1723255671" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10284" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10284/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10284">#10284</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643231775" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10049" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10049/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10049">#10049</a>)</p> </li> <li> <p>Added support for basic binary operators for discontinuous memory input tensors. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1622782422" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9986" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9986/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9986">#9986</a>)</p> </li> <li> <p>Added a virtual <code>jit</code> interface to support mocking of torch for user code that imports but does not actually use the interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2065067259" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10395" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10395/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10395">#10395</a>)</p> </li> <li> <p>Added the <code>mem_get_info</code> interface to return overall and free memory information for a specified CUDA device. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2067026355" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10398" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10398/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10398">#10398</a>)</p> </li> <li> <p>Added the <code>tensor.new</code> interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1592116617" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9881" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9881/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9881">#9881</a>)</p> </li> <li> <p>Added the <code>tensor.is_cpu</code> interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1676062829" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10172" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10172/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10172">#10172</a>)</p> </li> <li> <p>Added the <code>tensor.is_view</code> interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660612388" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10101" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10101/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10101">#10101</a>)</p> </li> <li> <p>Added the <code>tensor.data_ptr</code> interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1661946256" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10111" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10111/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10111">#10111</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1668025589" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10139" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10139/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10139">#10139</a>)</p> </li> <li> <p>Added the <code>tensor.baddbmm</code> interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1604954938" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9918" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9918/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9918">#9918</a>)</p> </li> <li> <p>Added interfaces like <code>special.erf</code>, <code>special.erfc</code>, etc. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1621045269" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9982" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9982/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9982">#9982</a>)</p> </li> <li> <p>Added the <code>layout</code> and <code>frombuffer</code> interfaces. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1676028427" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10171" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10171/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10171">#10171</a>)</p> </li> <li> <p>Added prune-related interfaces. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1526887620" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9730" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9730/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9730">#9730</a>)</p> </li> <li> <p>Added the <code>utils.model_zoo</code> interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1679948912" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10183" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10183/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10183">#10183</a>)</p> </li> <li> <p>Added the <code>get_rng_state</code> and <code>get_rng_state_all</code> interfaces. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1534660763" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9760" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9760/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9760">#9760</a>)</p> </li> <li> <p>Added the <code>set_rng_state</code> and <code>set_rng_state_all</code> interfaces. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1704935332" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10250" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10250/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10250">#10250</a>)</p> </li> <li> <p>Added support for the <code>float16</code> data type. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1520434844" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9697" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9697/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9697">#9697</a>)</p> </li> <li> <p>Added support for the <code>char</code> and <code>short</code> data types. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1659347212" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10086" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10086/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10086">#10086</a>)</p> </li> <li> <p>Added support for the <code>complex64</code> and <code>complex128</code> data types. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1622833418" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9987" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9987/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9987">#9987</a>)</p> </li> <li> <p>Integrated Transform Dialect into the MLIR codegen process. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1695392026" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10224" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10224/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10224">#10224</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1696935533" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10227" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10227/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10227">#10227</a>)</p> </li> <li> <p>Added code generation support for the <code>matmul</code> operator. 。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1723112847" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10283" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10283/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10283">#10283</a>)</p> </li> <li> <p>Added code generation support for the <code>softmax</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1708613530" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10263" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10263/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10263">#10263</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1713010259" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10272" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10272/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10272">#10272</a>)</p> </li> <li> <p>Added code generation support for the <code>transform.oneflow.apply_patterns</code> operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1705253016" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10255" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10255/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10255">#10255</a>)</p> </li> <li> <p>Added support for <code>byte</code> attributes in the MLIR codegen process. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1715476099" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10276" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10276/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10276">#10276</a>)</p> </li> <li> <p>Added <code>extra_libs</code> functionality to the <code>mock_torch</code> module, enabling flowvision to mimic torchvision's functionality. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1695308961" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10223" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10223/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10223">#10223</a>)</p> </li> <li> <p>Added <code>lazy</code> parameter to the <code>mock_torch</code> module, allowing non-existent interfaces to return a fake object without immediate errors. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1590278580" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9876" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9876/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9876">#9876</a>)</p> </li> <li> <p>Added <code>skip_init</code> functionality and introduced meta device. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1631775545" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10008" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10008/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10008">#10008</a>)</p> </li> <li> <p>Introduced the HostMemoryInput mechanism, allowing an operator's specific input to be defined as HostMemoryInput type for accessing data within the kernel's host function body. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1606380266" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9928" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9928/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9928">#9928</a>)</p> </li> <li> <p>Added fusion mechanism for nccl logical operations to reduce excessive synchronization overhead in scenarios like ZERO, where too many fragmented nccl calls lead to significant training speed reduction. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1590713944" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9879" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9879/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9879">#9879</a>)</p> </li> <li> <p>Introduced a mechanism for re-computation of tensor operations. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1581995393" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9861" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9861/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9861">#9861</a>)</p> </li> <li> <p>Added support for <code>backward_hook</code>, <code>register_full_backward_hook</code>, and <code>register_state_dict_pre_hook</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1572878621" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9837" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9837/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9837">#9837</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1522331986" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9710" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9710/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9710">#9710</a>)</p> </li> <li> <p>Added content related to the stochastic weight averaging algorithm to the optimizers module. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1550266433" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9781" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9781/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9781">#9781</a>)</p> </li> <li> <p>Added graph-level flattening algorithm. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1524921629" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9718" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9718/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9718">#9718</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1531690804" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9748" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9748/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9748">#9748</a>)</p> </li> <li> <p>Added DelayVariableOpExecutionPass optimization pass for the computation graph. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1531631449" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9745" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9745/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9745">#9745</a>)</p> </li> <li> <p>Added <code>MulCastPattern</code> operator fusion rule. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1524380527" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9715" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9715/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9715">#9715</a>)</p> </li> <li> <p>Added the environment variable <code>ONEFLOW_ENABLE_GLOBAL_INPUTS_WITH_INCONSISTENT_PLACEMENT</code> to control whether to automatically place global tensors used by operators through the <code>to_global</code> operation on the largest rank. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1653328435" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10073" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10073/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10073">#10073</a>)</p> </li> <li> <p>Added the environment variable <code>ONEFLOW_EAGER_NCCL_USE_COMPUTE_STREAM</code> to control whether <code>nccl</code> and regular computations in eager mode are on the same stream. The default value is <code>false</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1697280377" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10230" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10230/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10230">#10230</a>)</p> </li> <li> <p>Added the environment variable <code>VLOG_REMAT</code> to handle dynamic graph recomputation logs and interface with ComputeComplexityFn to estimate op computation time. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1686243956" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10212" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10212/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10212">#10212</a>)</p> </li> <li> <p>Added the environment variable <code>ENABLE_ACTOR_DEBUG_LOG</code> to print detailed logs of actor message sending, receiving, and execution on the current rank. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1657123231" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10081" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10081/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10081">#10081</a>)</p> </li> <li> <p>Added the environment variable <code>ONEFLOW_RUN_GRAPH_BY_VM</code> to control whether to use VM to run static graph nn.Graph. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1593117140" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9884" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9884/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9884">#9884</a>)</p> </li> <li> <p>Added the environment variable <code>ONEFLOW_DISABLE_MOCK_TORCH</code> to control whether to disable the <code>mock_torch</code> functionality. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561924104" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9805" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9805/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9805">#9805</a>)</p> </li> <li> <p>Added the environment variable <code>ONEFLOW_VM_MULTI_THREAD</code> to control the number of threads used in the VM. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1520464515" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9698" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9698/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9698">#9698</a>)</p> </li> <li> <p>Added support for the second-order optimizer <code>lbfgs</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1709226737" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10265" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10265/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10265">#10265</a>)</p> </li> </ul> <h1>Improvements</h1> <h2>1. Eager Runtime Optimization and Refactoring</h2> <p>A series of optimizations and refactoring has been implemented for the Eager runtime, including:</p> <ul> <li> <p>Unified system memory pool to manage memory resources across all allocators on the same device. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1296126512" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8591" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8591/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8591">#8591</a>)</p> </li> <li> <p>Integration with CUDA native interfaces to accelerate kernel launches.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1294104356" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8571" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8571/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8571">#8571</a>)</p> </li> <li> <p>Optimization of instruction scheduling mechanism to reduce system overhead.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1322159650" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8796" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8796/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8796">#8796</a>)</p> </li> <li> <p>Introduction of instruction fusion mechanism to accelerate instruction dispatch. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1117064444" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7399" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7399/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7399">#7399</a>)</p> </li> <li> <p>Speed improvement in Autograd graph construction. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1298602877" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8606" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8606/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8606">#8606</a>)</p> </li> <li> <p>Optimization of op deduction process to accelerate kernel execution. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1306959940" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8672" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8672/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8672">#8672</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1300357137" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8619" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8619/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8619">#8619</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1305569462" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8662" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8662/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8662">#8662</a>)</p> </li> <li> <p>Consolidation of redundant concepts within the eager runtime, decoupling Instruction and Stream. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1295577522" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8583" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8583/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8583">#8583</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1296115894" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8590" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8590/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8590">#8590</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1150187132" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7607" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7607/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7607">#7607</a>)</p> </li> </ul> <p>Users can configure the Eager runtime using various environment variables:</p> <table> <thead> <tr> <th>Environment Variable</th> <th>Meaning</th> <th>Default Value</th> </tr> </thead> <tbody> <tr> <td>ONEFLOW_VM_COMPUTE_ON_WORKER_THREAD</td> <td>Whether to perform computation on worker threads</td> <td>true</td> </tr> <tr> <td>ONEFLOW_VM_MULTI_THREAD</td> <td>Whether to use multi-threaded collaboration for Eager computation</td> <td>true</td> </tr> <tr> <td>ONEFLOW_VM_ENABLE_STREAM_WAIT</td> <td>Whether to use stream_wait mechanism for dependencies between multiple streams</td> <td>true</td> </tr> <tr> <td>ONEFLOW_VM_ENABLE_SCHEDULE_YIELD</td> <td>Whether to use yield mechanism to reduce scheduler thread's busy wait</td> <td>true</td> </tr> <tr> <td>ONEFLOW_EAGER_ENABLE_LOCAL_INFER_CACHE</td> <td>Whether to cache operator output metadata during computation</td> <td>true</td> </tr> <tr> <td>ONEFLOW_VM_WORKER_THREAD_LIMIT</td> <td>Number of worker threads</td> <td>16</td> </tr> <tr> <td>ONEFLOW_VM_PENDING_HANDLE_WINDOW_SIZE</td> <td>Maximum size for fusing vm instructions</td> <td>10</td> </tr> <tr> <td>ONEFLOW_VM_BLOCKING_DEBUG_INSTRUCTIONS_DISPLAY_LIMIT</td> <td>Number of unprocessed instructions to be printed when vm execution times out</td> <td>1000</td> </tr> </tbody> </table> <h2>2. Upgrade of OneFlow Serving Features</h2> <p>OneFlow Serving features have been upgraded to support additional backends, including OneFlow Python backend and OneFlow Lite backend, in addition to the existing support for the OneFlow Cpp backend.</p> <ul> <li>The OneFlow Cpp backend enables deployment in a Python-independent environment to achieve the highest performance.</li> <li>The OneFlow Lite backend enables deployment on edge devices.</li> <li>The OneFlow Python backend facilitates the deployment of complex models with minimal migration cost.</li> </ul> <p>For usage instructions, refer to: <a href="https://github.com/Oneflow-Inc/serving/blob/main/README.md">https://github.com/Oneflow-Inc/serving/blob/main/README.md</a></p> <h2>3. Other Functionality Improvements</h2> <ul> <li> <p>Optimized certain code implementations to accommodate CUDA 12.x. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2026118734" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10367" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10367/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10367">#10367</a>)</p> </li> <li> <p>Optimized the glu operator implementation to support bias-less inputs.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1587982062" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9874" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9874/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9874">#9874</a>)</p> </li> <li> <p>Optimized pooling operator implementation to support the channels_last parameter. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1701374315" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10242" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10242/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10242">#10242</a>)</p> </li> <li> <p>Optimized the flip operator implementation to address memory access inefficiencies when dim = -1. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1838740657" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10310" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10310/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10310">#10310</a>)</p> </li> <li> <p>Optimized the bincount operator implementation for accelerated performance. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1825660437" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10308" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10308/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10308">#10308</a>)</p> </li> <li> <p>Optimized the index_add operator implementation by dispatching varied logic based on index length to enhance performance for smaller indices.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1532213464" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9751" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9751/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9751">#9751</a>)</p> </li> <li> <p>Optimized the topk operator implementation to boost performance when batch size equals 1. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1631815504" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10009" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10009/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10009">#10009</a>)</p> </li> <li> <p>Optimized implementations of operators such as conv and arange to facilitate CUDA graph usage. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1534688449" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9761" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9761/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9761">#9761</a>)</p> </li> <li> <p>Optimized the upsample operator implementation to include input/output size validation.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1528779572" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9737" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9737/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9737">#9737</a>)</p> </li> <li> <p>Optimized the grouped_matmul_bias operator implementation by introducing tensor parallelism sbp derivation rules. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1608318595" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9934" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9934/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9934">#9934</a>)</p> </li> <li> <p>Optimized the reshape operator implementation with added nd sbp derivation rules. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1581203419" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9858" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9858/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9858">#9858</a>)</p> </li> <li> <p>Optimized error messages and completed test cases for mask_fill and in_top_k operators. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1646817443" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10062" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10062/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10062">#10062</a>)</p> </li> <li> <p>Optimized the higher-order differentiation rules for the tanh operator to optimize performance under third-order differentiation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1680827356" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10188" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10188/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10188">#10188</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1699783852" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10237" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10237/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10237">#10237</a>)</p> </li> <li> <p>Optimized conv interface implementation to support device and dtype parameters. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1697141485" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10228" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10228/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10228">#10228</a>)</p> </li> <li> <p>Optimized conv interface implementation to automatically expand input dimensions.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1525026850" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9721" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9721/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9721">#9721</a>)</p> </li> <li> <p>Optimized sum interface implementation to accommodate dtype parameters.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1684677421" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10204" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10204/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10204">#10204</a>)</p> </li> <li> <p>Optimized softmax interface implementation to support dtype parameters. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1651546462" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10069" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10069/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10069">#10069</a>)</p> </li> <li> <p>Optimized maxpool interface implementation to support 3D input tensors. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1661867977" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10110" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10110/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10110">#10110</a>)</p> </li> <li> <p>Optimized ctc_loss interface implementation parameters with PyTorch interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1594724400" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9887" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9887/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9887">#9887</a>)</p> </li> <li> <p>Optimized copy interface implementation to support scenarios where input and output have different devices and dtypes. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1594893934" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9888" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9888/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9888">#9888</a>)</p> </li> <li> <p>Optimized grad interface implementation to support the allow_unused parameter.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1705000744" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10251" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10251/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10251">#10251</a>)</p> </li> <li> <p>Optimized load interface implementation to provide more user-friendly error messages.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1667992939" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10138" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10138/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10138">#10138</a>)</p> </li> <li> <p>Optimized fused_matmul_bias operator and interface implementation to support alpha and beta parameters. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1633622783" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10015" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10015/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10015">#10015</a>)</p> </li> <li> <p>Optimized normal operator and interface implementation to align behavior with PyTorch. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1680342656" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10185" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10185/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10185">#10185</a>)</p> </li> <li> <p>Optimized fused attention operator and interface implementation to allow None for pasti_key and past_value. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1619124402" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9977" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9977/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9977">#9977</a>)</p> </li> <li> <p>Optimized fused_attention operator and interface implementation to add support for variable sequence lengths. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1625307756" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9991" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9991/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9991">#9991</a>)</p> </li> <li> <p>Optimized fused_multi_head_attention_inference operator and interface implementation to include attn_bias parameter. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1579016227" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9853" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9853/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9853">#9853</a>)</p> </li> <li> <p>Optimized bn-related functor implementation. Merging bn_add_relu and bn_relu operations to expedite inference. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1700098336" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10239" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10239/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10239">#10239</a>)</p> </li> <li> <p>Optimized MLIR CodeGen-based processes and upgraded LLVM version to 16.0.0. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1622567565" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9985" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9985/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9985">#9985</a>)</p> </li> <li> <p>Optimized MLIR codegen-based processes by adding AppendOneFlowStream, MgpuToOneFlowStream, and CastOneFlowInputToSignlessPass passes. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1670352371" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10149" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10149/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10149">#10149</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1670584493" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10151" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10151/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10151">#10151</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660519169" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10099" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10099/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10099">#10099</a>)</p> </li> <li> <p>Optimized MLIR codegen-based processes by linking LibDevice to support NVVM IR conversion to cubin. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1684207062" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10200" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10200/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10200">#10200</a>)</p> </li> <li> <p>Optimized MLIR codegen-based processes by utilizing tmpbuffer as MemPool in MLIR. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1674092229" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10159" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10159/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10159">#10159</a>)</p> </li> <li> <p>Optimized MLIR codegen-based processes by enabling bufferizable operator dispatch. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1560785629" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9787" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9787/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9787">#9787</a>)</p> </li> <li> <p>Optimized MLIR codegen-based processes to expedite ofmempool and related processes. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1670588494" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10152" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10152/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10152">#10152</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1675858326" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10168" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10168/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10168">#10168</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1680291979" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10184" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10184/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10184">#10184</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1700098336" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10239" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10239/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10239">#10239</a>)</p> </li> <li> <p>Optimized stacktrace call stack information.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1602445667" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9912" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9912/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9912">#9912</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1608861327" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9937" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9937/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9937">#9937</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1705861309" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10260" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10260/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10260">#10260</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1674108615" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10161" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10161/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10161">#10161</a>)</p> </li> <li> <p>Optimized random number generator implementation by adding caching to avoid regeneration with each call. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2055510278" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10387" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10387/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10387">#10387</a>)</p> </li> <li> <p>Optimized graph load functionality to support loading the graph onto a new device.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1908982438" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10335" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10335/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10335">#10335</a>)</p> </li> <li> <p>Optimized dummy array initialization implementation using fold expressions. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1712143874" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10271" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10271/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10271">#10271</a>)</p> </li> <li> <p>Optimized MemoryFormat class organization, exposed to Python layer via cpython to support changing tensor's MemoryFormat using Tensor.to interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1679845677" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10181" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10181/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10181">#10181</a>)</p> </li> <li> <p>Optimized implementations of steam, device, and vm to support more device types. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1674901319" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10166" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10166/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10166">#10166</a>)</p> </li> <li> <p>Optimized error messages for MapAt, adding printing of key values.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1659474402" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10090" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10090/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10090">#10090</a>)</p> </li> <li> <p>Optimized OOM error messages to differentiate CUDA and CPU devices and display size. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1609683598" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9938" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9938/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9938">#9938</a>)</p> </li> <li> <p>Optimized error messages for CHECK_XX_OR_RETURN macros. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1605969412" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9921" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9921/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9921">#9921</a>)</p> </li> <li> <p>Optimized error messages for graph-related issues. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1567928360" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9821" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9821/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9821">#9821</a>)</p> </li> <li> <p>Optimized error messages for convolution operator-related issues. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1522230826" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9707" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9707/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9707">#9707</a>)</p> </li> <li> <p>Optimized model initialization to minimize additional overhead. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1659427284" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10088" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10088/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10088">#10088</a>)</p> </li> <li> <p>Optimized thread manager implementation to accommodate three usage scenarios: unrestricted threads, master as a thread, and n threads. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1645297341" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10060" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10060/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10060">#10060</a>)</p> </li> <li> <p>Optimized numpy array release mechanism to release in the main thread to reduce time-consuming GIL requests. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643239478" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10050" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10050/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10050">#10050</a>)</p> </li> <li> <p>Optimized graph save runtime_state_dict implementation to enhance performance and address related issues. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1633802124" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10016" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10016/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10016">#10016</a>)</p> </li> <li> <p>Optimized parsing of different calling methods for interfaces like Tensor.foo(*args) using a unified PyParseArgs function. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1621598256" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9983" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9983/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9983">#9983</a>)</p> </li> <li> <p>Optimized the implementation of the ArgsTree class to support arbitrary output types and conducted file location migration. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1575666279" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9846" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9846/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9846">#9846</a>)</p> </li> <li> <p>Optimized memory allocation mechanism to achieve ordered allocation based on streams. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1567446530" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9818" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9818/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9818">#9818</a>)</p> </li> </ul> <h1>Changes and Fixes</h1> <h2>1. Functional Changes</h2> <ul> <li> <p>Removed deallocate context. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1669477065" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10143" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10143/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10143">#10143</a>)</p> </li> <li> <p>Removed debug compilation mode in graph compilation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1669486249" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10145" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10145/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10145">#10145</a>)</p> </li> <li> <p>Removed unused logic for MemChain merge. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660318021" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10097" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10097/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10097">#10097</a>)</p> </li> <li> <p>Removed default settings for some unused distributed environment variables. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561706718" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9803" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9803/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9803">#9803</a>)</p> </li> <li> <p>Refactored collective boxing implementation under lazy mode. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660426050" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10098" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10098/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10098">#10098</a>)</p> </li> <li> <p>Refactored registration of EagerCclS2S.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660567938" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10100" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10100/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10100">#10100</a>)</p> </li> <li> <p>Refactored implementation of collective_boxing_executor_backend. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1658497328" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10082" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10082/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10082">#10082</a>)</p> </li> <li> <p>Refactored implementation of running global nn.graph using VM. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643132030" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10048" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10048/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10048">#10048</a>)</p> </li> <li> <p>Refactored implementation of local to global related interfaces.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1585509586" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9870" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9870/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9870">#9870</a>)</p> </li> <li> <p>Refactored operator dispatch dialect implementation in MLIR codegen process. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1520068669" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9693" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9693/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9693">#9693</a>)</p> </li> <li> <p>Refactored implementation of random generator and distribution kernels. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1519840833" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9691" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9691/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9691">#9691</a>)</p> </li> <li> <p>Refactored implementation of fast_atomic_add operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1517113619" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9680" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9680/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9680">#9680</a>)</p> </li> <li> <p>Refactored error check related macros in glog. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1678035710" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10176" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10176/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10176">#10176</a>)</p> </li> <li> <p>Refactored implementation of random generator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1635814961" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10025" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10025/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10025">#10025</a>)</p> </li> <li> <p>Refactored implementation of some elementwise primitive operations. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1580736078" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9857" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9857/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9857">#9857</a>)</p> </li> <li> <p>Refactored code related to device descriptions. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561100450" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9791" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9791/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9791">#9791</a>)</p> </li> <li> <p>Refactored implementation of ParseDeviceString and ParseDeviceNameConf. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1571820070" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9833" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9833/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9833">#9833</a>)</p> </li> <li> <p>Refactored implementation of ActorMsg related functionalities, introducing IBVerbsActorMsgWrapper wrapper to reduce the size of ActorMsg. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1534717649" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9762" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9762/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9762">#9762</a>)</p> </li> <li> <p>Refactored implementation of save and load interfaces, migrating the method of saving graphs to the _save_graph function, adding some _open* helper classes to differentiate between paths and memory, enabling saving weights to BytesIO in save, and supporting file streaming in load. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1634999685" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10021" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10021/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10021">#10021</a>)</p> </li> <li> <p>Refactored implementation of some tensor-related interfaces, migrating code from Python layer to C++ layer. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1624674033" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9990" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9990/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9990">#9990</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1614940046" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9964" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9964/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9964">#9964</a>)</p> </li> <li> <p>Upgraded PyBind version used in the project to 2.11.1. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2062093881" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10391" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10391/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10391">#10391</a>)</p> </li> </ul> <h2>2. Bug Fixes</h2> <ul> <li> <p>Fixed default dynamic linking settings in CMake files to avoid LLVM15 linking errors. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2034971725" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10373" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10373/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10373">#10373</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1667437766" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10131" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10131/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10131">#10131</a>)</p> </li> <li> <p>Fixed cast-related bugs in MLIR codegen. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1661631423" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10105" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10105/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10105">#10105</a>)</p> </li> <li> <p>Fixed logic handling for cpg attr in Module._apply function. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1936139503" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10343" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10343/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10343">#10343</a>)</p> </li> <li> <p>Fixed inheritance issue for DummyModule when attr is mro_entries. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1618971489" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9976" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9976/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9976">#9976</a>)</p> </li> <li> <p>Fixed size checking issue for _handle_size_arg in full op. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1618585392" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9975" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9975/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9975">#9975</a>)</p> </li> <li> <p>Fixed residual environment variables after launching mock via command line, causing subsequent API mock parameter errors. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1618273351" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9970" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9970/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9970">#9970</a>)</p> </li> <li> <p>Fixed inability to exit when two processes encounter exceptions. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643563965" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10054" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10054/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10054">#10054</a>)</p> </li> <li> <p>Fixed bug in grouped quantization sbp derivation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1667596960" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10132" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10132/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10132">#10132</a>)</p> </li> <li> <p>Fixed kMaxInputCount check issue in GroupedMatmulFunctor. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1866692159" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10322" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10322/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10322">#10322</a>)</p> </li> <li> <p>Fixed 0-size tensor broadcast issue.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1680399739" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10186" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10186/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10186">#10186</a>)</p> </li> <li> <p>Fixed issue where double type attr was not updated when using shared_graph. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1718797971" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10279" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10279/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10279">#10279</a>)</p> </li> <li> <p>Fixed data type error in GetItemInScalarTensor. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1695734457" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10226" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10226/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10226">#10226</a>)</p> </li> <li> <p>Fixed gradient issue in GroupNorm, calling GroupNormParamGrad only when gamma and beta gradients are required. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1642130798" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10045" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10045/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10045">#10045</a>)</p> </li> <li> <p>Fixed error when reading tensors with partial ranks in global mode. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643927381" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10056" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10056/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10056">#10056</a>)</p> </li> <li> <p>Fixed control boundary issues in checkpointing under PP, affecting task graph construction under separate compilation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1644356932" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10057" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10057/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10057">#10057</a>)</p> </li> <li> <p>Fixed bug when using 3D parallelism and enabling activation checkpointing simultaneously. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1637738574" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10031" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10031/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10031">#10031</a>)</p> </li> <li> <p>Fixed adaptation bug of AutoMixedPrecision pass on non-CUDA devices and bug related to device combinations in LayerNorm Module. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1636019992" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10026" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10026/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10026">#10026</a>)</p> </li> <li> <p>Fixed default value setting issue for reduce parameter in scatter operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1629341175" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10002" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10002/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10002">#10002</a>)</p> </li> <li> <p>Fixed incomplete disable of some Torch variables in mock.disable, causing lingering references in other globals. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1624434516" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9989" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9989/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9989">#9989</a>)</p> </li> <li> <p>Fixed destructor issue in vm::TensorStorage. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1614861065" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9962" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9962/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9962">#9962</a>)</p> </li> <li> <p>Fixed offload issue where small tensors were not released from CUDA memory.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1618513649" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9974" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9974/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9974">#9974</a>)</p> </li> <li> <p>Fixed occasional segmentation fault in Python stack getter due to thread unsafety.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1613142982" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9955" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9955/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9955">#9955</a>)</p> </li> <li> <p>Fixed element lookup issue in set under separate compilation scenario. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1611796113" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9952" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9952/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9952">#9952</a>)</p> </li> <li> <p>Aligned qkv and output_layout in fused_multi_head_attention operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1611220701" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9950" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9950/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9950">#9950</a>)</p> </li> <li> <p>Fixed inconsistency in seed behavior of random series operators between graph and checkpointing. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1610589244" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9941" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9941/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9941">#9941</a>)</p> </li> <li> <p>Fixed parameter reload failure issue in Eager mode. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1608574378" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9935" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9935/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9935">#9935</a>)</p> </li> <li> <p>Fixed infinite loop issue in specific cases of mock torch lazy functionality. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1606058344" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9926" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9926/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9926">#9926</a>)</p> </li> <li> <p>Fixed issue where code in stft_kernel.cu file was not compiled by default. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1605972718" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9922" data-hovercard-type="issue" data-hovercard-url="/Oneflow-Inc/oneflow/issues/9922/hovercard" href="https://github.com/Oneflow-Inc/oneflow/issues/9922">#9922</a>)</p> </li> <li> <p>Fixed deadlock and memory allocation errors caused by invalid topological order due to incomplete TaskGraph under separate compilation in order_in_graph. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1600900970" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9909" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9909/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9909">#9909</a> )</p> </li> <li> <p>Fixed xrt compilation issue where fmt could not be found. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1596613422" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9894" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9894/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9894">#9894</a>)</p> </li> <li> <p>Fixed imbalance in GPU memory allocation among processes during local to global process where sbp is B. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1578980326" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9852" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9852/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9852">#9852</a>)</p> </li> <li> <p>Aligned OneFlow and PyTorch behaviors related to the third parameter of CTCLoss. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1575580684" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9845" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9845/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9845">#9845</a>)</p> </li> <li> <p>Fixed initialization issues related to thread_global_id and rank_group_scope. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1573965923" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9841" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9841/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9841">#9841</a>)</p> </li> <li> <p>Fixed inplace handling errors in dropout operator implementation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1562053628" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9808" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9808/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9808">#9808</a>)</p> </li> <li> <p>Fixed errors in loading non-tensor objects saved by PyTorch in the load function. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561896724" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9804" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9804/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9804">#9804</a>)</p> </li> <li> <p>Fixed conflicts between contiguous memory and GPU memory allocation strategies. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1560773312" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9786" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9786/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9786">#9786</a>)</p> </li> <li> <p>Fixed memory allocation issues in EagerBlobObject::ByteSizeOfBlobBody when considering non-contiguous cases. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1551118714" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9782" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9782/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9782">#9782</a>)</p> </li> <li> <p>Fixed dtype inference errors in fill_ operator during autocast. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1537669692" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9776" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9776/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9776">#9776</a>)</p> </li> <li> <p>Fixed sbp derivation rule issues in fused_glu operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1661841005" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10108" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10108/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10108">#10108</a>)</p> </li> <li> <p>Fixed issues related to calling nn.Graph.__map_io. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1658741550" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10084" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10084/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10084">#10084</a>)</p> </li> <li> <p>Fixed inconsistency between set_grad_mode interface and PyTorch behavior. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1645026600" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10059" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10059/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10059">#10059</a>)</p> </li> <li> <p>Fixed an issue related to the map_location parameter in the load interface and added support for passing lambda functions. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643387089" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10052" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10052/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10052">#10052</a>)</p> </li> <li> <p>Fixed stride inference errors after unsqueeze operation in view mode. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1537614468" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9775" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9775/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9775">#9775</a>)</p> </li> <li> <p>Fixed problems in conv op with unbatched input and bias, and added support for unbatched input in deconv op. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1530045743" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9740" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9740/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9740">#9740</a>)</p> </li> <li> <p>Fixed logic errors in trunc_normal_ implementation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1522494183" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9711" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9711/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9711">#9711</a>)</p> </li> <li> <p>Fixed default value issue in dim parameter of topk operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1520833456" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9703" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9703/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9703">#9703</a>)</p> </li> <li> <p>Fixed issues where placement of some networks was incorrectly set to CPU during static graph printing. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1536604296" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9770" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9770/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9770">#9770</a>)</p> </li> <li> <p>Fixed conflict between include paths of trt_flash_attention and native flash attention. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1531806329" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9750" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9750/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9750">#9750</a>)</p> </li> <li> <p>Fixed segmentation fault caused by is_shutting_down and gil in stack getter. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1517222300" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9681" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9681/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9681">#9681</a>)</p> </li> <li> <p>Fixed issues related to the separate compilation feature found in distributed unit testing.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1531696390" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9749" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9749/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9749">#9749</a>)</p> </li> <li> <p>Fixed memory handling issues in flatten algorithm implementation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1531661222" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9746" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9746/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9746">#9746</a>)</p> </li> <li> <p>Fixed a deadlock issue in the execution flow. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1529231286" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9738" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9738/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9738">#9738</a>)</p> </li> <li> <p>Fixed errors in isinstance check for DummyModule. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1685963746" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10207" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10207/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10207">#10207</a>)</p> </li> <li> <p>Corrected behavior where default size was erroneously overridden when introducing llvm::SmallVector. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1608115400" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9932" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9932/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9932">#9932</a>)</p> </li> <li> <p>Fixed errors in calculating memory size of non-contiguous memory tensors. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1567576506" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9819" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9819/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9819">#9819</a>)</p> </li> <li> <p>Fixed issues with calling CHECK_JUST in the TensorStorage destructor function. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1533125652" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9752" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9752/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9752">#9752</a>)</p> </li> </ul> <h1>Performance</h1> <h2>1. OneFlow compile_from_torch VS PyTorch compile</h2> <p>Compile and execute the backbone parts of ResNet50 and Faster RCNN models using OneFlow compile_from_torch and PyTorch compile interfaces to test the compilation time with inputs of different shapes. The results are shown in the table below:</p> <table> <thead> <tr> <th>Model</th> <th>input shape</th> <th>PyTorch compile</th> <th>OneFlow compile_from_torch</th> <th>dynamic</th> <th>test timing</th> </tr> </thead> <tbody> <tr> <td>ResNet50</td> <td>(1, 3, 512, 512)</td> <td>21.328 s</td> <td>3.205 s</td> <td>False</td> <td>initial compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 896, 512)</td> <td>14.167 s</td> <td>1.523 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 512, 896)</td> <td>13.364 s</td> <td>1.402 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(3, 3, 896, 896)</td> <td>15.056 s</td> <td>1.539 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 1024, 896)</td> <td>14.167 s</td> <td>1.500 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 896, 1024)</td> <td>12.891 s</td> <td>1.494 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(6, 3, 1024, 1024)</td> <td>14.859 s</td> <td>1.872 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(1, 3, 512, 512)</td> <td>170.446 s</td> <td>3.143 s</td> <td>True</td> <td>initial compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 896, 512)</td> <td>185.672 s</td> <td>0.851 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 512, 896)</td> <td>0.089 s</td> <td>0.836 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(3, 3, 896, 896)</td> <td>0.084 s</td> <td>0.980 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 1024, 896)</td> <td>0.077 s</td> <td>0.942 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 896, 1024)</td> <td>0.080 s</td> <td>0.931 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>ResNet50</td> <td>(6, 3, 1024, 1024)</td> <td>0.084 s</td> <td>1.406 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(1, 3, 512, 512)</td> <td>18.224 s</td> <td>5.483 s</td> <td>False</td> <td>initial compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 896, 512)</td> <td>9.200 s</td> <td>3.011 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 512, 896)</td> <td>9.331 s</td> <td>3.025 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(3, 3, 896, 896)</td> <td>9.301 s</td> <td>2.854 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 1024, 896)</td> <td>9.290 s</td> <td>2.805 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 896, 1024)</td> <td>9.123 s</td> <td>2.851 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(6, 3, 1024, 1024)</td> <td>9.377 s</td> <td>3.180 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(1, 3, 512, 512)</td> <td>25.444 s</td> <td>5.430 s</td> <td>True</td> <td>initial compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 896, 512)</td> <td>25.381 s</td> <td>1.899 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 512, 896)</td> <td>0.116 s</td> <td>1.886 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(3, 3, 896, 896)</td> <td>1.982 s</td> <td>1.793 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 1024, 896)</td> <td>0.114 s</td> <td>1.803 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 896, 1024)</td> <td>0.111 s</td> <td>1.778 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Faster RCNN</td> <td>(6, 3, 1024, 1024)</td> <td>0.143 s</td> <td>2.110 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> </tbody> </table> <p>Using the OneFlow compile_from_torch and PyTorch compile interfaces, the unet section of the Stable Diffusion model was compiled and executed to test the compilation time and execution time with outputs of different shapes. The results are presented in the table below:</p> <table> <thead> <tr> <th>Model</th> <th>Output shape</th> <th>PyTorch compile</th> <th>OneFlow compile_from_torch</th> <th>dynamic</th> <th>test timing</th> </tr> </thead> <tbody> <tr> <td>Stable Diffusion</td> <td>(2, 512, 512)</td> <td>103.701 s</td> <td>63.670 s</td> <td>False</td> <td>initial compilation and execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 512, 768)</td> <td>95.137 s</td> <td>53.864 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 768, 512)</td> <td>90.259 s</td> <td>55.271 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 768, 768)</td> <td>90.196 s</td> <td>51.590 s</td> <td>False</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 512, 512)</td> <td>275.660 s</td> <td>57.117 s</td> <td>True</td> <td>initial compilation and execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 512, 768)</td> <td>345.774 s</td> <td>43.752 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 768, 512)</td> <td>349.835 s</td> <td>47.653 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 768, 768)</td> <td>7.224 s</td> <td>45.720 s</td> <td>True</td> <td>continuous compilation and execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 512, 512)</td> <td>4.088 s</td> <td>2.831 s</td> <td>False</td> <td>subsequent execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 512, 768)</td> <td>3.296 s</td> <td>2.325 s</td> <td>False</td> <td>subsequent execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 768, 512)</td> <td>5.594 s</td> <td>5.157 s</td> <td>False</td> <td>subsequent execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 768, 768)</td> <td>4.713 s</td> <td>3.557 s</td> <td>False</td> <td>subsequent execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 512, 512)</td> <td>4.448 s</td> <td>2.801 s</td> <td>True</td> <td>subsequent execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 512, 768)</td> <td>3.201 s</td> <td>2.314 s</td> <td>True</td> <td>subsequent execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 768, 512)</td> <td>6.093 s</td> <td>4.166 s</td> <td>True</td> <td>subsequent execution</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 768, 768)</td> <td>4.920 s</td> <td>3.557 s</td> <td>True</td> <td>subsequent execution</td> </tr> </tbody> </table> <p><strong>Conclusion:</strong> The OneFlow compile_from_torch interface generally has shorter compilation times compared to the PyTorch compile interface. Additionally, benefiting from the exceptional operator optimizations in the OneFlow framework, there is superior execution performance on the Stable Diffusion model.</p> <p><strong>Note:</strong> The tests were conducted with GPU 3090, PyTorch v2.1.2 and CUDA 12.2.</p> <h2>2. OneFlow Eager vs PyTorch Eager</h2> <table> <thead> <tr> <th>Model</th> <th>GPU model</th> <th>number of GPUs</th> <th>macro batch</th> <th>PyTorch performance(iter/s)</th> <th>OneFlow performance(iter/s)</th> <th>speedup ratio</th> </tr> </thead> <tbody> <tr> <td>ResNet50</td> <td>3090</td> <td>1</td> <td>1</td> <td>31.37</td> <td>38.81</td> <td>23.72%</td> </tr> <tr> <td>ResNet50</td> <td>3090</td> <td>1</td> <td>2</td> <td>32.06</td> <td>48.45</td> <td>51.12%</td> </tr> <tr> <td>ResNet50</td> <td>3090</td> <td>2</td> <td>1</td> <td>31.10</td> <td>33.46</td> <td>7.59%</td> </tr> <tr> <td>ResNet50</td> <td>3090</td> <td>2</td> <td>2</td> <td>31.76</td> <td>34.83</td> <td>9.67%</td> </tr> <tr> <td>ResNet50</td> <td>A100</td> <td>1</td> <td>1</td> <td>24.60</td> <td>46.64</td> <td>89.59%</td> </tr> <tr> <td>ResNet50</td> <td>A100</td> <td>1</td> <td>2</td> <td>25.06</td> <td>49.88</td> <td>99.04%</td> </tr> <tr> <td>ResNet50</td> <td>A100</td> <td>2</td> <td>1</td> <td>25.28</td> <td>39.18</td> <td>54.98%</td> </tr> <tr> <td>ResNet50</td> <td>A100</td> <td>2</td> <td>2</td> <td>24.09</td> <td>32.84</td> <td>36.32%</td> </tr> <tr> <td>Bert</td> <td>3090</td> <td>1</td> <td>1</td> <td>8.93</td> <td>10.41</td> <td>16.57%</td> </tr> <tr> <td>Bert</td> <td>3090</td> <td>1</td> <td>2</td> <td>13.11</td> <td>14.31</td> <td>9.15%</td> </tr> <tr> <td>Bert</td> <td>3090</td> <td>2</td> <td>1</td> <td>6.94</td> <td>8.27</td> <td>19.16%</td> </tr> <tr> <td>Bert</td> <td>3090</td> <td>2</td> <td>2</td> <td>12.19</td> <td>15.58</td> <td>27.81%</td> </tr> <tr> <td>Bert</td> <td>A100</td> <td>1</td> <td>1</td> <td>10.45</td> <td>12.72</td> <td>21.72%</td> </tr> <tr> <td>Bert</td> <td>A100</td> <td>1</td> <td>2</td> <td>20.24</td> <td>21.57</td> <td>6.57%</td> </tr> <tr> <td>Bert</td> <td>A100</td> <td>2</td> <td>1</td> <td>12.63</td> <td>16.09</td> <td>27.39%</td> </tr> <tr> <td>Bert</td> <td>A100</td> <td>2</td> <td>2</td> <td>24.86</td> <td>29.84</td> <td>20.03%</td> </tr> </tbody> </table> <p><strong>Conclusion:</strong> Compared to PyTorch Eager, using OneFlow Eager shows significant performance advantages in small batch scenarios for both ResNet50 and BERT models.</p> <p><strong>Note:</strong> The tests were conducted using PyTorch v2.1.0 and CUDA 12.1.</p> <h1>Version 1.0.0</h1> <h1>OneFlow v1.0.0 release note</h1> <p>OneFlow 发布 v1.0.0 版本, 欢迎大家安装使用。</p> <ul> <li>重点内容</li> <li>新特性</li> <li>功能改进</li> <li>改动与修复</li> <li>性能</li> </ul> <h1>重点内容</h1> <p>本次版本更新包含 447 个 commits 和如下重点内容:</p> <ul> <li> <p>发布新接口 <code>compile_from_torch</code>。该接口在共享参数显存的情况下,将 PyTorch 的 Module 实例转化成 OneFlow 的 Module 实例,支持直接 Eager 运行或者转化为静态图 nn.Graph 并进一步使用 MLIR 编译加速。该接口仍在快速演进中,目前支持了动态形状编译并在ResNet50、Faster RCNN、Stable Diffusion三个典型模型上做了验证。</p> </li> <li> <p>对 Eager 运行时做了一系列优化与重构,包括统一系统内存池、对接 CUDA 原生接口、优化指令调度机制、引入指令融合机制、优化 Autograd 构图速度、优化 Op 推导过程、解耦 Instruction 与 Stream 等。</p> </li> <li> <p>静态图分布式物理执行计划支持分离编译功能,每个进程独立编译自己所需的执行计划,使得编译时间不再随 GPU 规模线性增长。</p> </li> <li> <p>新增一系列函数式自动微分相关接口支持,包括 jvp、vjp、hvp、vhp、jacobian、hessian。</p> </li> <li> <p>新增 Insight 模块,支持可视化地展示埋点区间内 kernel 调用、执行时间、速度等信息。</p> </li> <li> <p>大规模模型训练开源工具箱 LiBai 版本更新,原生支持大语言模型 Llama2 和 ChatGLM2 的 finetune 和分布式推理,支持 full finetune、adapter finetune、lora finetune,可使用 lm-eval-harness 对语言模型进行评测验证。</p> </li> <li> <p>OneFlow Serving 功能升级,在原有支持 OneFlow Cpp 后端的基础上,新增支持 OneFlow Python 后端和 OneFlow Lite 后端。</p> </li> </ul> <h1>新特性</h1> <h2>1、compile_from_torch</h2> <p><code>compile_from_torch</code> 接口在共享参数显存的情况下,将 PyTorch 的 Module 实例转化成 OneFlow 的 Module 实例,支持直接 Eager 运行或者转化为静态图 nn.Graph 并进一步使用 MLIR 编译加速。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2077204982" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10404" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10404/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10404">#10404</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2087611866" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10408" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10408/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10408">#10408</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1621659879" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9984" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9984/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9984">#9984</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1533906883" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9754" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9754/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9754">#9754</a>)</p> <p>接口签名及参数介绍:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="compile_from_torch(torch_module: torch.nn.Module, \*, use_graph=True, options={}) * torch_module:需要被转换的 Torch Module 实例。 * use_graph:是否转化为静态图 nn.Graph 并使用 MLIR 编译加速,默认为 True。 * options: * size: 使用静态图 nn.Graph 后会根据输入的 shape 计算 hash 值缓存相应的 graph ,size 表示静态图缓存的最大容量,超过最大容量会根据 LRU 策略对 graph 进行清理,默认值为 9。 * dynamic:对于动态 shape 的输入第一次会完整编译 graph,之后的对于不同 shape 的输入当 dynamic 为 True 时会启用共享图进行编译加速,dynamic 为 False 时每次都会重新进行编译,默认为 True。 * debug:调试模式和日志级别设置,-1 禁用调试模式,0 输出警告和静态图构建信息,1 额外输出每个子模块的构图信息,2 额外输出每个算子的进度,3 输出更详细的算子信息,默认为 -1。"><pre class="notranslate"><code>compile_from_torch(torch_module: torch.nn.Module, \*, use_graph=True, options={}) * torch_module:需要被转换的 Torch Module 实例。 * use_graph:是否转化为静态图 nn.Graph 并使用 MLIR 编译加速,默认为 True。 * options: * size: 使用静态图 nn.Graph 后会根据输入的 shape 计算 hash 值缓存相应的 graph ,size 表示静态图缓存的最大容量,超过最大容量会根据 LRU 策略对 graph 进行清理,默认值为 9。 * dynamic:对于动态 shape 的输入第一次会完整编译 graph,之后的对于不同 shape 的输入当 dynamic 为 True 时会启用共享图进行编译加速,dynamic 为 False 时每次都会重新进行编译,默认为 True。 * debug:调试模式和日志级别设置,-1 禁用调试模式,0 输出警告和静态图构建信息,1 额外输出每个子模块的构图信息,2 额外输出每个算子的进度,3 输出更详细的算子信息,默认为 -1。 </code></pre></div> <p>使用示例:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import torch from torchvision import models import oneflow from oneflow.framework.infer_compiler import compile_from_torch DEVICE = torch.device(&quot;cuda&quot;) WEIGHT = models.ResNet50_Weights.DEFAULT model = models.resnet50(weights=WEIGHT).to(DEVICE) compile_model = compile_from_torch(model, options={&quot;dynamic&quot;: True})"><pre class="notranslate"><code>import torch from torchvision import models import oneflow from oneflow.framework.infer_compiler import compile_from_torch DEVICE = torch.device("cuda") WEIGHT = models.ResNet50_Weights.DEFAULT model = models.resnet50(weights=WEIGHT).to(DEVICE) compile_model = compile_from_torch(model, options={"dynamic": True}) </code></pre></div> <h2>2、分离编译</h2> <p>静态图分布式物理执行计划支持分离编译功能,每个进程独立编译自己所需的执行计划,使得编译时间不再随 GPU 规模线性增长。分离编译功能支持 3D 混合并行(数据并行+模型并行+流水并行)场景,可与大规模模型训练开源工具箱 LiBai 一同使用,打开方式为:<code>export ONEFLOW_ENABLE_LAZY_SEPARATE_COMPILE=1</code>。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1605008928" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9920" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9920/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9920">#9920</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1668456042" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10140" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10140/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10140">#10140</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1668668492" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10141" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10141/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10141">#10141</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1665696852" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10124" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10124/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10124">#10124</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660707313" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10102" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10102/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10102">#10102</a>)</p> <p>以下是在 128 卡 A100-PCIE-40GB 设备上,配合 LiBai 在 GPT2 模型上的测试结果:</p> <table> <thead> <tr> <th>并行方式</th> <th>是否开启分离编译</th> <th>执行计划编译时间</th> </tr> </thead> <tbody> <tr> <td>数据并行 (DP128 MP1 PP1)</td> <td>否</td> <td>超过 20 minutes</td> </tr> <tr> <td>数据并行 (DP128 MP1 PP1)</td> <td>是</td> <td>108.21 s</td> </tr> <tr> <td>3D 并行 (DP4 MP4 PP8)</td> <td>否</td> <td>445.16 s</td> </tr> <tr> <td>3D 并行 (DP4 MP4 PP8)</td> <td>是</td> <td>82.88 s</td> </tr> </tbody> </table> <h2>3、函数式自动微分接口</h2> <p>新增一系列函数式自动微分相关接口支持,包括 jvp、vjp、hvp、vhp、jacobian、hessian。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2093035930" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10412" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10412/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10412">#10412</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2112017013" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10428" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10428/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10428">#10428</a>)</p> <p>使用示例:</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import oneflow as flow # jacobian example def exp_reducer(x): return x.exp().sum(dim=1) input = flow.rand(2, 2) jac_rslt = flow.autograd.functional.jacobian(exp_reducer, input) # vhp example def pow_reducer(x): return x.pow(3).sum() input = flow.rand(2, 2) v = flow.ones(2, 2) vhp_rslt = flow.autograd.functional.vhp(pow_reducer, input, v)"><pre><span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-c"># jacobian example</span> <span class="pl-k">def</span> <span class="pl-en">exp_reducer</span>(<span class="pl-s1">x</span>): <span class="pl-k">return</span> <span class="pl-s1">x</span>.<span class="pl-c1">exp</span>().<span class="pl-c1">sum</span>(<span class="pl-s1">dim</span><span class="pl-c1">=</span><span class="pl-c1">1</span>) <span class="pl-s1">input</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">rand</span>(<span class="pl-c1">2</span>, <span class="pl-c1">2</span>) <span class="pl-s1">jac_rslt</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">autograd</span>.<span class="pl-c1">functional</span>.<span class="pl-c1">jacobian</span>(<span class="pl-s1">exp_reducer</span>, <span class="pl-s1">input</span>) <span class="pl-c"># vhp example</span> <span class="pl-k">def</span> <span class="pl-en">pow_reducer</span>(<span class="pl-s1">x</span>): <span class="pl-k">return</span> <span class="pl-s1">x</span>.<span class="pl-c1">pow</span>(<span class="pl-c1">3</span>).<span class="pl-c1">sum</span>() <span class="pl-s1">input</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">rand</span>(<span class="pl-c1">2</span>, <span class="pl-c1">2</span>) <span class="pl-s1">v</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">ones</span>(<span class="pl-c1">2</span>, <span class="pl-c1">2</span>) <span class="pl-s1">vhp_rslt</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">autograd</span>.<span class="pl-c1">functional</span>.<span class="pl-c1">vhp</span>(<span class="pl-s1">pow_reducer</span>, <span class="pl-s1">input</span>, <span class="pl-s1">v</span>)</pre></div> <h2>4、Insight模块</h2> <p>新增 Insight 模块,支持可视化地展示埋点区间内 kernel 调用、执行时间、速度等信息。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2028738830" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10370" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10370/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10370">#10370</a>)</p> <p>使用方法如下:</p> <ul> <li>步骤一:使用 OneFlow Profiler 模块在代码中设置埋点区间。</li> <li>步骤二:运行代码并使用 NVIDIA Nsight Systems 生成 sqlite 后缀文件。</li> <li>步骤三:使用 OneFlow Insight 模块生成 json 文件。</li> <li>步骤四:在网址 chrome://tracing/ 或 edge://tracing/ 中打开 json 文件得到可视化界面。</li> </ul> <p>更详细的介绍可参考:<a href="https://github.com/Oneflow-Inc/oneflow/tree/master/python/oneflow/utils/insight#usage">https://github.com/Oneflow-Inc/oneflow/tree/master/python/oneflow/utils/insight#usage</a></p> <h2>5、LiBai版本更新</h2> <ul> <li> <p>大规模模型训练开源工具箱 LiBai 功能升级,发布新版本 v0.3.0,原生支持大语言模型 Llama2 和 ChatGLM2 的 finetune 和分布式推理,支持 full finetune、adapter finetune、lora finetune,可使用 lm-eval-harness 对语言模型进行评测验证。</p> </li> <li> <p>ChatGLM 和 Llama2 的分布式训练和推理支持情况如下:</p> </li> </ul> <table> <tbody> <tr> <th width="130"> Models </th> <th valign="bottom" align="center" width="140"> 2D (tp+pp) Inference</th> <th valign="bottom" align="center" width="140"> 3D Parallel Training </th> </tr> <tr> <td align="center"><a href="https://github.com/Oneflow-Inc/libai/tree/main/projects/ChatGLM"> <b> ChatGLM </b> </a></td> <td align="center">✔</td> <td align="center">✔</td> </tr> <tr> <td align="center"><a href="https://github.com/Oneflow-Inc/libai/tree/main/projects/Llama"> <b> Llama2 </b> </a></td> <td align="center">✔</td> <td align="center">✔</td> </tr> </tbody> </table> <p>使用示例:</p> <div class="snippet-clipboard-content notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="# full finetune bash tools/train.sh projects/Llama/train_net.py projects/Llama/configs/llama_sft.py 8 # adapter finetune bash tools/train.sh projects/Llama/adapter/train_net.py projects/Llama/adapter/adapter_sft.py 8 # inference bash tools/infer.sh projects/Llama/pipeline.py 8 # eval python projects/Llama/utils/eval_adapter.py"><pre class="notranslate"><code># full finetune bash tools/train.sh projects/Llama/train_net.py projects/Llama/configs/llama_sft.py 8 # adapter finetune bash tools/train.sh projects/Llama/adapter/train_net.py projects/Llama/adapter/adapter_sft.py 8 # inference bash tools/infer.sh projects/Llama/pipeline.py 8 # eval python projects/Llama/utils/eval_adapter.py </code></pre></div> <h2>6、其他新特性</h2> <ul> <li>新增 FFT 相关算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1636781875" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10027" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10027/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10027">#10027</a>)</li> <li>新增 zeta 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1681246686" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10189" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10189/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10189">#10189</a>)</li> <li>新增 tril_ 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1628799508" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9996" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9996/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9996">#9996</a>)</li> <li>新增 clone 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561218124" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9800" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9800/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9800">#9800</a>)</li> <li>新增 frac、frac_ 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1620623576" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9979" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9979/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9979">#9979</a>)</li> <li>新增 exp2 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1614605561" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9958" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9958/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9958">#9958</a>)</li> <li>新增 rrelu 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1528715734" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9736" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9736/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9736">#9736</a>)</li> <li>新增 lgamma 反向算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1678049757" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10177" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10177/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10177">#10177</a>)</li> <li>新增 digamma 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1650484416" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10066" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10066/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10066">#10066</a>)</li> <li>新增 trigamma 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1664158282" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10117" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10117/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10117">#10117</a>)</li> <li>新增 bitwise_not 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1581620100" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9859" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9859/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9859">#9859</a>)</li> <li>新增 squared_relu 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1855973175" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10316" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10316/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10316">#10316</a>)</li> <li>新增 skip_rms_norm 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1639840893" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10036" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10036/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10036">#10036</a>)</li> <li>新增 multi_tensor_amp_grad_scaler 相关算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1651977149" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10071" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10071/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10071">#10071</a>)</li> <li>新增 bitwise_and、bitwise_or、bitwise_xor 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1574098692" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9842" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9842/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9842">#9842</a>)</li> <li>新增 fused_attention_concat_past_key_value 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1614862485" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9963" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9963/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9963">#9963</a>)</li> <li>新增 fused_multi_head_attention_inference_v2 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1608115985" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9933" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9933/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9933">#9933</a>)</li> <li>新增 fused_codegeex_qkv_reshape 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1606071076" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9927" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9927/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9927">#9927</a>)</li> <li>新增 fused_apply_rotary_emb 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1602594759" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9914" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9914/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9914">#9914</a>)</li> <li>新增 skip_layer_norm 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1600139029" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9906" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9906/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9906">#9906</a>)</li> <li>新增 groupwise_dequantize、fused_linear_with_groupwise_quantized_weight 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1598479589" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9900" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9900/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9900">#9900</a>)</li> <li>新增 fused_scale_mask_bias_softmax、fused_scale_mask_bias_softmax_grad 算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1584002873" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9867/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9867">#9867</a>)</li> <li>新增 depend 算子,用于描述计算图中依赖关系。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561978054" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9807" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9807/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9807">#9807</a>)</li> <li>新增 real, imag, conj, conj_physical 复数数据类型相关算子。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1638960088" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10034" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10034/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10034">#10034</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1718994699" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10281" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10281/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10281">#10281</a>)</li> <li>新增 nms 算子 cpu 支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1695413257" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10225" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10225/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10225">#10225</a>)</li> <li>新增 cast 算子对 bool to int16 数据类型转换支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1686210894" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10211" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10211/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10211">#10211</a>)</li> <li>新增 arange 算子对 fp16 数据类型的支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1634986960" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10019" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10019/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10019">#10019</a>)</li> <li>新增 adaptive_avg_pool 算子对 fp16 数据类型的支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1630770626" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10004" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10004/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10004">#10004</a>)</li> <li>新增 nonzero 算子对 fp16 数据类型的支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1569634747" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9826" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9826/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9826">#9826</a>)</li> <li>新增 exponential 算子对 half 数据类型的支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1631318607" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10005" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10005/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10005">#10005</a>)</li> <li>新增 arg_sort、top_k 算子对 half 数据类型的支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1628999684" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10000" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10000/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10000">#10000</a>)</li> <li>新增 add、sub、mul、mm、sqrt、div 等算子对复数数据类型支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1711172207" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10269" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10269/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10269">#10269</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1667889648" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10136" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10136/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10136">#10136</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1723255671" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10284" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10284/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10284">#10284</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643231775" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10049" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10049/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10049">#10049</a>)</li> <li>新增基础 binary 算子对不连续内存输入张量的支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1622782422" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9986" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9986/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9986">#9986</a>)</li> <li>新增虚拟 jit 接口,支持对 import 而未实际使用该接口的用户代码 mock_torch。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2065067259" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10395" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10395/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10395">#10395</a>)</li> <li>新增 mem_get_info 接口,用于返回指定 cuda 设备的总体和空闲内存信息。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2067026355" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10398" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10398/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10398">#10398</a>)</li> <li>新增 tensor.new 接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1592116617" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9881" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9881/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9881">#9881</a>)</li> <li>新增 tensor.is_cpu 接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1676062829" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10172" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10172/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10172">#10172</a>)</li> <li>新增 tensor.is_view 接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660612388" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10101" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10101/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10101">#10101</a>)</li> <li>新增 tensor.data_ptr 接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1661946256" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10111" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10111/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10111">#10111</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1668025589" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10139" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10139/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10139">#10139</a>)</li> <li>新增 tensor.baddbmm 接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1604954938" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9918" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9918/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9918">#9918</a>)</li> <li>新增 special.erf、special.erfc 等接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1621045269" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9982" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9982/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9982">#9982</a>)</li> <li>新增 layout 和 frombuffer 接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1676028427" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10171" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10171/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10171">#10171</a>)</li> <li>新增 prune 相关接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1526887620" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9730" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9730/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9730">#9730</a>)</li> <li>新增 utils.model_zoo 接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1679948912" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10183" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10183/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10183">#10183</a>)</li> <li>新增 get_rng_state 和 get_rng_state_all 接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1534660763" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9760" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9760/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9760">#9760</a>)</li> <li>新增 set_rng_state 和 set_rng_state_all 接口。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1704935332" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10250" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10250/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10250">#10250</a>)</li> <li>新增对 float16 数据类型支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1520434844" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9697" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9697/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9697">#9697</a>)</li> <li>新增对 char 和 short 数据类型支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1659347212" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10086" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10086/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10086">#10086</a>)</li> <li>新增对 complex64 和 complex128 数据类型支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1622833418" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9987" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9987/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9987">#9987</a>)</li> <li>新增 Transform Dialect 到 MLIR codegen 流程中。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1695392026" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10224" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10224/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10224">#10224</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1696935533" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10227" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10227/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10227">#10227</a>)</li> <li>新增对 matmul 算子的代码生成支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1723112847" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10283" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10283/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10283">#10283</a>)</li> <li>新增对 softmax 算子的代码生成支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1708613530" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10263" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10263/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10263">#10263</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1713010259" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10272" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10272/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10272">#10272</a>)</li> <li>新增对 transform.oneflow.apply_patterns 算子的代码生成支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1705253016" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10255" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10255/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10255">#10255</a>)</li> <li>新增 MLIR codegen 流程中对 byte attr 支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1715476099" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10276" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10276/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10276">#10276</a>)</li> <li>新增 extra_libs 功能 到 mock_torch 模块,使其可以实现 flowvision 去模拟 torchvision 的功能。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1695308961" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10223" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10223/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10223">#10223</a>)</li> <li>新增 lazy 参数到 mock_torch 模块,对不存在的接口会返回一个假对象而不立即报错。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1590278580" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9876" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9876/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9876">#9876</a>)</li> <li>新增 skip_init 功能,并引入 meta device。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1631775545" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10008" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10008/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10008">#10008</a>)</li> <li>新增 HostMemoryInput机制,将算子某个输入定义为 HostMemoryInput 类型后可以在 kernel 的 host 函数体内访问数据。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1606380266" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9928" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9928/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9928">#9928</a>)</li> <li>新增 nccl 逻辑运算的融合机制,可以降低 ZERO 等场景,过多碎 nccl 导致同步开销太大降低训练速度的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1590713944" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9879" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9879/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9879">#9879</a>)</li> <li>新增张量运算的重计算机制。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1581995393" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9861" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9861/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9861">#9861</a>)</li> <li>新增 backward_hook、register_full_backward_hook、register_state_dict_pre_hook 支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1572878621" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9837" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9837/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9837">#9837</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1522331986" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9710" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9710/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9710">#9710</a>)</li> <li>新增 stochastic weight averaging 算法相关内容到 optimizers 模块。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1550266433" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9781" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9781/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9781">#9781</a>)</li> <li>新增计算图层面的拉直算法。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1524921629" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9718" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9718/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9718">#9718</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1531690804" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9748" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9748/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9748">#9748</a>)</li> <li>新增 DelayVariableOpExecutionPass 计算图优化 pass。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1531631449" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9745" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9745/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9745">#9745</a>)</li> <li>新增 MulCastPattern 算子融合规则。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1524380527" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9715" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9715/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9715">#9715</a>)</li> <li>新增环境变量 ONEFLOW_ENABLE_GLOBAL_INPUTS_WITH_INCONSISTENT_PLACEMENT,控制是否自动将算子用到的 global_tensor 通过 to_global 操作放到最大的 rank 上。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1653328435" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10073" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10073/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10073">#10073</a>)</li> <li>新增环境变量 ONEFLOW_EAGER_NCCL_USE_COMPUTE_STREAM 用于控制eager 模式下 nccl 和普通的计算是否在同一个stream上,默认值为false。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1697280377" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10230" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10230/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10230">#10230</a>)</li> <li>新增环境变量 VLOG_REMAT 处理动态图重计算的日志并对接 ComputeComplexityFn 估计 op 计算时间。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1686243956" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10212" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10212/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10212">#10212</a>)</li> <li>新增环境变量 ENABLE_ACTOR_DEBUG_LOG 用于打印当前 rank 上 actor 收发消息、执行的详细日志。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1657123231" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10081" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10081/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10081">#10081</a>)</li> <li>新增环境变量 ONEFLOW_RUN_GRAPH_BY_VM 用于控制是否使用 VM 来运行静态图 nn.Graph。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1593117140" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9884" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9884/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9884">#9884</a>)</li> <li>新增环境变量 ONEFLOW_DISABLE_MOCK_TORCH 用于控制是否让 mock_torch 功能失效。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561924104" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9805" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9805/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9805">#9805</a>)</li> <li>新增环境变量 ONEFLOW_VM_MULTI_THREAD 用于控制 vm 中使用的线程数。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1520464515" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9698" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9698/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9698">#9698</a>)</li> <li>新增二阶优化器 lbfgs 支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1709226737" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10265" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10265/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10265">#10265</a>)</li> </ul> <h1>功能改进</h1> <h2>1、Eager 运行时优化与重构</h2> <p>对 Eager 运行时做了一系列优化与重构,主要包括:</p> <ul> <li>统一系统内存池,打通同设备下的所有分配器的内存资源。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1296126512" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8591" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8591/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8591">#8591</a>)</li> <li>对接 CUDA 原生接口,加速 kernel launch。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1294104356" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8571" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8571/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8571">#8571</a>)</li> <li>优化指令调度机制,降低系统负担。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1322159650" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8796" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8796/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8796">#8796</a>)</li> <li>引入指令融合机制,加速指令分发。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1117064444" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7399" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7399/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7399">#7399</a>)</li> <li>优化 Autograd 构图部分的速度。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1298602877" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8606" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8606/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8606">#8606</a>)</li> <li>优化op推导过程,加速kernel执行。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1306959940" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8672" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8672/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8672">#8672</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1300357137" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8619" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8619/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8619">#8619</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1305569462" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8662" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8662/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8662">#8662</a>)</li> <li>合并eager运行时中的冗余概念,解耦Instruction与Stream。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1295577522" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8583" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8583/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8583">#8583</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1296115894" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8590" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8590/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8590">#8590</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1150187132" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7607" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7607/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7607">#7607</a>)</li> </ul> <p>可以通过一些环境变量设定 Eager 运行时行为:</p> <table> <thead> <tr> <th>环境变量</th> <th>意义</th> <th>默认值</th> </tr> </thead> <tbody> <tr> <td>ONEFLOW_VM_COMPUTE_ON_WORKER_THREAD</td> <td>是否在 worker 线程上完成计算</td> <td>true</td> </tr> <tr> <td>ONEFLOW_VM_MULTI_THREAD</td> <td>是否使用多线程协同执行 Eager 运算</td> <td>true</td> </tr> <tr> <td>ONEFLOW_VM_ENABLE_STREAM_WAIT</td> <td>多 stream 间的依赖是否使用 stream_wait 机制</td> <td>true</td> </tr> <tr> <td>ONEFLOW_VM_ENABLE_SCHEDULE_YIELD</td> <td>是否使用 yield 机制减少 scheduler 线程 busy wait 程度</td> <td>true</td> </tr> <tr> <td>ONEFLOW_EAGER_ENABLE_LOCAL_INFER_CACHE</td> <td>计算过程中是否缓存算子输出的元信息</td> <td>true</td> </tr> <tr> <td>ONEFLOW_VM_WORKER_THREAD_LIMIT</td> <td>worker 线程的个数</td> <td>16</td> </tr> <tr> <td>ONEFLOW_VM_PENDING_HANDLE_WINDOW_SIZE</td> <td>vm 融合指令的最大 size</td> <td>10</td> </tr> <tr> <td>ONEFLOW_VM_BLOCKING_DEBUG_INSTRUCTIONS_DISPLAY_LIMIT</td> <td>vm 执行超时时打印未处理指令的数量</td> <td>1000</td> </tr> </tbody> </table> <h2>2、OneFlow Serving功能升级</h2> <p>OneFlow Serving 功能升级,在原有支持 OneFlow Cpp 后端的基础上,新增支持 OneFlow Python 后端和 OneFlow Lite 后端。</p> <ul> <li>使用 OneFlow Cpp 后端可以在脱离 Python 的环境中部署以达到最高的性能。</li> <li>使用 OneFLow Lite 后端可以实现在端侧设备上的部署。</li> <li>使用 OneFlow Python 后端可以以极小的迁移代价完成复杂模型的部署。</li> </ul> <p>使用方法参考:<a href="https://github.com/Oneflow-Inc/serving/blob/main/README.md">https://github.com/Oneflow-Inc/serving/blob/main/README.md</a></p> <h2>3、其他功能改进</h2> <ul> <li>改进部分代码实现以支持 cuda 12.x 版本。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2026118734" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10367" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10367/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10367">#10367</a>)</li> <li>改进 glu 算子实现,支持无bias 输入。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1587982062" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9874" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9874/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9874">#9874</a>)</li> <li>改进池化算子实现,支持 channels_last 参数 。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1701374315" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10242" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10242/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10242">#10242</a>)</li> <li>改进 flip 算子实现,针对 dim = -1 时候访存无法合并的情况进行优化。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1838740657" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10310" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10310/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10310">#10310</a>)</li> <li>改进 bincount 算子实现,实现优化加速。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1825660437" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10308" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10308/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10308">#10308</a>)</li> <li>改进 index_add 算子实现,根据 index 的长度派发不同的实现逻辑以改善索引比较小的时候的性能。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1532213464" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9751" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9751/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9751">#9751</a>)</li> <li>改进 topk 算子实现,优化 batch_size 是1时的性能。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1631815504" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10009" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10009/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10009">#10009</a>)</li> <li>改进 conv、arange 等算子实现,支持启用cuda graph。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1534688449" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9761" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9761/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9761">#9761</a>)</li> <li>改进 upsample 算子实现,增加对输入/输出大小检查。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1528779572" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9737" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9737/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9737">#9737</a>)</li> <li>改进 grouped_matmul_bias 算子实现,增加张量并行的 sbp 推导规则。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1608318595" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9934" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9934/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9934">#9934</a>)</li> <li>改进 reshape 算子实现,增加对 nd sbp 推导规则。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1581203419" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9858" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9858/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9858">#9858</a>)</li> <li>改进 mask_fill 和 in_top_k 算子的报错信息并完善测试样例。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1646817443" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10062" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10062/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10062">#10062</a>)</li> <li>改进 tanh 算子的高阶微分规则,优化三阶微分下的性能。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1680827356" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10188" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10188/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10188">#10188</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1699783852" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10237" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10237/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10237">#10237</a>)</li> <li>改进 conv 接口实现,支持 device 和 dtype 参数。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1697141485" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10228" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10228/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10228">#10228</a>)</li> <li>改进 conv 接口实现,支持对输入自动扩展维度。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1525026850" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9721" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9721/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9721">#9721</a>)</li> <li>改进 sum 接口实现,支持 dtype 参数。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1684677421" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10204" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10204/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10204">#10204</a>)</li> <li>改进 softmax 接口实现,支持 dtype 参数。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1651546462" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10069" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10069/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10069">#10069</a>)</li> <li>改进 maxpool 接口实现,支持 3D 输入张量。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1661867977" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10110" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10110/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10110">#10110</a>)</li> <li>改进 ctc_loss 接口实现,参数与 PyTorch 接口对齐。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1594724400" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9887" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9887/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9887">#9887</a>)</li> <li>改进 copy 接口实现,支持输入和输出的 device 和 dtype 都不同的情况。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1594893934" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9888" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9888/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9888">#9888</a>)</li> <li>改进 grad 接口实现,支持 allow_unused 参数。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1705000744" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10251" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10251/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10251">#10251</a>)</li> <li>改进 load 接口实现,提供更加用户友好的报错信息。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1667992939" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10138" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10138/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10138">#10138</a>)</li> <li>改进 fused_matmul_bias 算子及接口实现,支持 alpha 和 beta 参数。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1633622783" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10015" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10015/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10015">#10015</a>)</li> <li>改进 normal 算子及接口实现以和 pytorch 行为对齐。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1680342656" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10185" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10185/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10185">#10185</a>)</li> <li>改进 fused attention 算子及接口实现,允许 pasti_key 和 past_value 为 None 的情况。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1619124402" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9977" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9977/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9977">#9977</a>)</li> <li>改进 fused_attention 算子及接口实现,增加对可变序列长度的支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1625307756" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9991" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9991/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9991">#9991</a>)</li> <li>改进 fused_multi_head_attention_inference 算子及接口实现,增加attn_bias 参数。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1579016227" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9853" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9853/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9853">#9853</a>)</li> <li>改进 bn 相关 functor 实现,融合bn_add_relu和bn_relu操作加速推理。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1700098336" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10239" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10239/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10239">#10239</a>)</li> <li>改进基于 MLIR CodeGen 流程,将 LLVM 版本更新到 16.0.0。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1622567565" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9985" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9985/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9985">#9985</a>)</li> <li>改进基于 MLIR codegen 流程,增加 AppendOneFlowStream、MgpuToOneFlowStream、CastOneFlowInputToSignlessPass pass。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1670352371" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10149" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10149/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10149">#10149</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1670584493" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10151" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10151/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10151">#10151</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660519169" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10099" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10099/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10099">#10099</a>)</li> <li>改进基于 MLIR codegen 流程,通过链接 LibDevice 支持 NVVM IR 转化为 cubin。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1684207062" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10200" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10200/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10200">#10200</a>)</li> <li>改进基于 MLIR codegen 流程,支持在 MLIR 中使用 tmpbuffer 作为 MemPool。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1674092229" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10159" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10159/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10159">#10159</a>)</li> <li>改进基于 MLIR codegen 流程,支持 bufferizable 算子分发。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1560785629" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9787" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9787/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9787">#9787</a>)</li> <li>改进基于 MLIR codegen 流程,进行 ofmempool 等相关流程加速。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1670588494" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10152" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10152/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10152">#10152</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1675858326" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10168" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10168/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10168">#10168</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1680291979" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10184" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10184/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10184">#10184</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1700098336" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10239" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10239/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10239">#10239</a>)</li> <li>改进 stacktrace 调用栈信息。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1602445667" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9912" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9912/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9912">#9912</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1608861327" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9937" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9937/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9937">#9937</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1705861309" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10260" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10260/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10260">#10260</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1674108615" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10161" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10161/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10161">#10161</a>)</li> <li>改进随机数生成器部分实现,增加缓存避免每次调用重新生成。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2055510278" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10387" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10387/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10387">#10387</a>)</li> <li>改进 graph load 功能,支持将 graph 加载到新设备上。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1908982438" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10335" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10335/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10335">#10335</a>)</li> <li>改进 dummy 数组初始化实现,使用 fold 表达式。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1712143874" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10271" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10271/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10271">#10271</a>)</li> <li>改进 MemoryFormat 类组织形式,通过 cpython 暴露到 python 层中,支持使用 Tensor.to 接口更改张量的 MemoryFormat。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1679845677" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10181" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10181/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10181">#10181</a>)</li> <li>改进 steam、device、vm 部分实现以支持更多设备类型。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1674901319" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10166" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10166/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10166">#10166</a>)</li> <li>改进 MapAt 的报错信息,新增打印 key 的值。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1659474402" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10090" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10090/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10090">#10090</a>)</li> <li>改进 OOM 报错信息,支持区分 CUDA 和 CPU 设备且显示 size。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1609683598" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9938" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9938/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9938">#9938</a>)</li> <li>改进 CHECK_XX_OR_RETURN 宏报错信息。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1605969412" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9921" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9921/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9921">#9921</a>)</li> <li>改进 graph 相关报错信息。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1567928360" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9821" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9821/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9821">#9821</a>)</li> <li>改进 卷积算子相关报错信息。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1522230826" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9707" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9707/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9707">#9707</a>)</li> <li>改进模型初始化方式,避免额外的开销。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1659427284" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10088" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10088/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10088">#10088</a>)</li> <li>改进 thread manager 实现,可以兼容不限制线程、master 作为线程、n个线程的三种使用场景。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1645297341" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10060" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10060/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10060">#10060</a>)</li> <li>改进 numpy 数组释放方式,在主线程中释放以减少耗时的 gil 请求。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643239478" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10050" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10050/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10050">#10050</a>)</li> <li>改进 graph save runtime_state_dict 实现,提升性能并修复相关问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1633802124" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10016" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10016/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10016">#10016</a>)</li> <li>改进形如 Tensor.foo(*args) 接口不同调用方式的解析,使用统一的 PyParseArgs 函数完成。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1621598256" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9983" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9983/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9983">#9983</a>)</li> <li>改进 ArgsTree 类实现,支持任意输出类型并进行文件位置迁移。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1575666279" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9846" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9846/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9846">#9846</a>)</li> <li>改进内存分配机制,实现按 stream 有序分配。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1567446530" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9818" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9818/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9818">#9818</a>)</li> </ul> <h1>改动与修复</h1> <h2>1、功能改动</h2> <ul> <li>移除 deallocate context。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1669477065" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10143" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10143/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10143">#10143</a>)</li> <li>移除图编译中的调试编译模式。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1669486249" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10145" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10145/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10145">#10145</a>)</li> <li>移除不再使用的 MemChain merge 的逻辑。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660318021" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10097" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10097/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10097">#10097</a>)</li> <li>移除一些分布式相关的环境变量的默认设置。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561706718" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9803" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9803/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9803">#9803</a>)</li> <li>重构 lazy 模式下的 collective boxing 实现。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660426050" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10098" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10098/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10098">#10098</a>)</li> <li>重构 EagerCclS2S 的注册。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1660567938" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10100" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10100/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10100">#10100</a>)</li> <li>重构 collective_boxing_executor_backend 的实现。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1658497328" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10082" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10082/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10082">#10082</a>)</li> <li>重构使用 VM 跑 global nn.graph 的实现。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643132030" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10048" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10048/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10048">#10048</a>)</li> <li>重构 local to global 相关接口实现。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1585509586" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9870" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9870/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9870">#9870</a>)</li> <li>重构 MLIR codegen 流程中算子分发 dialect 实现。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1520068669" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9693" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9693/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9693">#9693</a>)</li> <li>重构 random generator 和 distribution kernels 实现。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1519840833" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9691" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9691/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9691">#9691</a>)</li> <li>重构 fast_atomic_add 算子实现。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1517113619" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9680" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9680/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9680">#9680</a>)</li> <li>重构 glog 中的错误检查相关宏定义。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1678035710" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10176" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10176/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10176">#10176</a>)</li> <li>重构 random generator 实现。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1635814961" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10025" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10025/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10025">#10025</a>)</li> <li>重构部分 elementwise primitive 的实现。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1580736078" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9857" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9857/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9857">#9857</a>)</li> <li>重构部分 device 描述相关代码。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561100450" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9791" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9791/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9791">#9791</a>)</li> <li>重构 ParseDeviceString 和 ParseDeviceNameConf 实现。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1571820070" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9833" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9833/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9833">#9833</a>)</li> <li>重构 ActorMsg 相关实现,引入 IBVerbsActorMsgWrapper 封装以减少 ActorMsg 的大小。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1534717649" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9762" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9762/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9762">#9762</a>)</li> <li>重构 save 和 load 接口实现,迁移保存 Graph 逻辑的方法到 _save_graph 函数,添加部分 _open* 辅助类区分路径和内存, save 支持将权重保存到 BytesIO 中,load 支持文件流。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1634999685" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10021" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10021/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10021">#10021</a>)</li> <li>重构部分 tensor 相关接口实现,代码从 python 层迁移到 C++ 层。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1624674033" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9990" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9990/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9990">#9990</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1614940046" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9964" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9964/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9964">#9964</a>)</li> <li>升级项目使用的 PyBind 版本至 2.11.1。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2062093881" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10391" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10391/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10391">#10391</a>)</li> </ul> <h2>2、问题修复</h2> <ul> <li>修复 cmake 文件中动态链接默认设置以避免 llvm15 链接错误。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="2034971725" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10373" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10373/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10373">#10373</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1667437766" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10131" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10131/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10131">#10131</a>)</li> <li>修复基于 MLIR codegen 中 cast 相关 bug。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1661631423" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10105" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10105/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10105">#10105</a>)</li> <li>修复 Module._apply 函数中对 cpg attr 处理的逻辑问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1936139503" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10343" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10343/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10343">#10343</a>)</li> <li>修复 DummyModule 在 attr 为 __mro_entries__ 情况下无法被继承的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1618971489" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9976" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9976/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9976">#9976</a>)</li> <li>修复 full op 中 _handle_size_arg 对传入 size 判断的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1618585392" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9975" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9975/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9975">#9975</a>)</li> <li>修复通过命令行启动 mock 后环境变量残留导致后续 api 方式的 mock 参数错误的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1618273351" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9970" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9970/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9970">#9970</a>)</li> <li>修复两个进程异常时无法退出的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643563965" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10054" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10054/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10054">#10054</a>)</li> <li>修复了分组量化 sbp 推导的 bug。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1667596960" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10132" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10132/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10132">#10132</a>)</li> <li>修复 GroupedMatmulFunctor 中的 kMaxInputCount 检查问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1866692159" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10322" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10322/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10322">#10322</a>)</li> <li>修复 0-size tensor broadcast 的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1680399739" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10186" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10186/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10186">#10186</a>)</li> <li>修复使用 shared_graph 时 double 类型 attr 没有更新的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1718797971" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10279" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10279/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10279">#10279</a>)</li> <li>修复 GetItemInScalarTensor 中的数据类型错误。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1695734457" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10226" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10226/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10226">#10226</a>)</li> <li>修复 GroupNorm 梯度问题,仅当 gamma 和 beta 需要梯度时,才调用 GroupNormParamGrad。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1642130798" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10045" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10045/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10045">#10045</a>)</li> <li>修复 global mode 在读取 placement 为部分 ranks 的 tensor 时会报错的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643927381" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10056" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10056/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10056">#10056</a>)</li> <li>修复 checkpointing 在 PP 下可能会有跨出 rank 控制的边,从而导致影响分离编译下的 task graph 构建的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1644356932" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10057" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10057/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10057">#10057</a>)</li> <li>修复同时使用 3D 并行和打开 activation checkpointing 时的 bug。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1637738574" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10031" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10031/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10031">#10031</a>)</li> <li>修复 AutoMixedPrecision pass 在其他非 cuda 设备上的适配 bug 和 LayerNorm Module相关设备组合的 bug。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1636019992" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10026" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10026/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10026">#10026</a>)</li> <li>修复 scatter 算子 reduce 参数默认值设置问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1629341175" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10002" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10002/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10002">#10002</a>)</li> <li>修复 mock.disable 时,有些 Torch 变量依旧内置于其他引用的 globals 里而导致 disable 不彻底的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1624434516" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9989" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9989/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9989">#9989</a>)</li> <li>修复 vm::TensorStorage 析构问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1614861065" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9962" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9962/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9962">#9962</a>)</li> <li>修复 offload,解决小 tensor 释放清理不出 Cuda Memory 的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1618513649" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9974" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9974/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9974">#9974</a>)</li> <li>修复线程不安全导致的 Python stack getter 偶发 segmentation fault 的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1613142982" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9955" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9955/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9955">#9955</a>)</li> <li>修复分离编译场景下的 set 中元素查找不到的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1611796113" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9952" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9952/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9952">#9952</a>)</li> <li>修复 fused_multi_head_attention 算子,对齐 qkv 和 output_layout。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1611220701" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9950" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9950/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9950">#9950</a>)</li> <li>修复 random 系列算子在 graph 和 checkpointing 中 seed 表现不一致的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1610589244" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9941" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9941/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9941">#9941</a>)</li> <li>修复 Eager 模式下 parameter reload 失败问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1608574378" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9935" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9935/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9935">#9935</a>)</li> <li>修复 mock torch lazy 功能特定情况下死循环的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1606058344" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9926" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9926/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9926">#9926</a>)</li> <li>修复 stft_kernel.cu 文件中的代码默认情况下不会被编译的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1605972718" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9922" data-hovercard-type="issue" data-hovercard-url="/Oneflow-Inc/oneflow/issues/9922/hovercard" href="https://github.com/Oneflow-Inc/oneflow/issues/9922">#9922</a>)</li> <li>修复 order_in_graph 在分离编译下,由于 TaskGraph 不是完整的图。(缺少其他 rank 的信息)导致拓扑序失效造成 死锁、内存分配写错的 BUG。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1600900970" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9909" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9909/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9909">#9909</a> )</li> <li>修复 xrt 编译找不到 fmt 的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1596613422" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9894" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9894/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9894">#9894</a>)</li> <li>修复 local to global 过程中,当 sbp 为 B 时,各进程显存分配不平衡的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1578980326" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9852" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9852/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9852">#9852</a>)</li> <li>修复 CTCLoss 的第三个参数相关 OneFlow 和 PyTorch 行为不对齐的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1575580684" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9845" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9845/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9845">#9845</a>)</li> <li>修复 thread_global_id 和 rank_group_scope 初始化相关问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1573965923" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9841" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9841/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9841">#9841</a>)</li> <li>修复 dropout 算子实现中 inplace 处理相关错误。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1562053628" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9808" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9808/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9808">#9808</a>)</li> <li>修复 load 功能在加载 PyTorch 保存的非张量对象时的错误。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1561896724" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9804" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9804/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9804">#9804</a>)</li> <li>修复连续内存/显存分配策略之间的冲突问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1560773312" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9786" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9786/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9786">#9786</a>)</li> <li>修复 EagerBlobObject::ByteSizeOfBlobBody 内存分配时未考虑非连续情况的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1551118714" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9782" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9782/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9782">#9782</a>)</li> <li>修复 fill_ 算子在 autocast 时的 dtype infer 错误。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1537669692" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9776" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9776/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9776">#9776</a>)</li> <li>修复 fused_glu 算子 sbp 推导规则相关问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1661841005" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10108" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10108/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10108">#10108</a>)</li> <li>修复调用 nn.Graph.__map_io 的相关问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1658741550" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10084" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10084/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10084">#10084</a>)</li> <li>修复 set_grad_mode 接口和 PyTorch 行为不一致的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1645026600" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10059" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10059/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10059">#10059</a>)</li> <li>修复 load 接口中 map_location 参数相关的一个问题并支持传入 lambda 函数。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1643387089" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10052" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10052/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10052">#10052</a>)</li> <li>修复 view 模式下的 unsqueeze 操作后 stride 推断错误。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1537614468" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9775" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9775/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9775">#9775</a>)</li> <li>修复 conv op 在 unbatched 输入且有 bias 时的问题,为 deconv op 添加 unbatched 输入支持。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1530045743" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9740" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9740/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9740">#9740</a>)</li> <li>修复 trunc_normal_ 实现的逻辑错误。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1522494183" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9711" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9711/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9711">#9711</a>)</li> <li>修复 topk 算子 dim 参数默认值的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1520833456" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9703" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9703/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9703">#9703</a>)</li> <li>修复打印静态图时部分网络的 placement 为 CPU 的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1536604296" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9770" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9770/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9770">#9770</a>)</li> <li>修复 trt_flash_attention 的 include 路径和原生 flash attention 路径冲突问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1531806329" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9750" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9750/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9750">#9750</a>)</li> <li>修复 is_shutting_down 和 gil 引起的 stack getter 段错误。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1517222300" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9681" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9681/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9681">#9681</a>)</li> <li>修复分离编译特性在分布式单测中暴露相关的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1531696390" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9749" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9749/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9749">#9749</a>)</li> <li>修复拉直算法实现中内存处理相关问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1531661222" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9746" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9746/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9746">#9746</a>)</li> <li>修复执行流程中一个死锁问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1529231286" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9738" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9738/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9738">#9738</a>)</li> <li>修复 DummyModule 在 isinstance 判断时报错的相关问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1685963746" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/10207" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/10207/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/10207">#10207</a>)</li> <li>修复在引入 llvm::SmallVector 时错误覆盖默认 size 的行为。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1608115400" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9932" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9932/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9932">#9932</a>)</li> <li>修复非连续内存张量内存大小计算错误问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1567576506" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9819" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9819/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9819">#9819</a>)</li> <li>修复在 TensorStorage 析构函数中调用 CHECK_JUST 的问题。(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1533125652" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9752" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9752/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9752">#9752</a>)</li> </ul> <h1>性能</h1> <h2>1、OneFlow compile_from_torch VS PyTorch compile</h2> <p>对 ResNet50 模型和 Faster RCNN 模型的 backbone 部分使用 OneFlow compile_from_torch 和 PyTorch compile 接口进行编译并执行,测试不同 shape 输入时的编译时间,结果如下表:</p> <table> <thead> <tr> <th>模型</th> <th>输入 shape</th> <th>PyTorch compile</th> <th>OneFlow compile_from_torch</th> <th>dynamic</th> <th>测试时机</th> </tr> </thead> <tbody> <tr> <td>ResNet50</td> <td>(1, 3, 512, 512)</td> <td>21.328 s</td> <td>3.205 s</td> <td>False</td> <td>首次编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 896, 512)</td> <td>14.167 s</td> <td>1.523 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 512, 896)</td> <td>13.364 s</td> <td>1.402 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(3, 3, 896, 896)</td> <td>15.056 s</td> <td>1.539 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 1024, 896)</td> <td>14.167 s</td> <td>1.500 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 896, 1024)</td> <td>12.891 s</td> <td>1.494 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(6, 3, 1024, 1024)</td> <td>14.859 s</td> <td>1.872 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(1, 3, 512, 512)</td> <td>170.446 s</td> <td>3.143 s</td> <td>True</td> <td>首次编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 896, 512)</td> <td>185.672 s</td> <td>0.851 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 512, 896)</td> <td>0.089 s</td> <td>0.836 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(3, 3, 896, 896)</td> <td>0.084 s</td> <td>0.980 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 1024, 896)</td> <td>0.077 s</td> <td>0.942 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(2, 3, 896, 1024)</td> <td>0.080 s</td> <td>0.931 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>ResNet50</td> <td>(6, 3, 1024, 1024)</td> <td>0.084 s</td> <td>1.406 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(1, 3, 512, 512)</td> <td>18.224 s</td> <td>5.483 s</td> <td>False</td> <td>首次编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 896, 512)</td> <td>9.200 s</td> <td>3.011 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 512, 896)</td> <td>9.331 s</td> <td>3.025 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(3, 3, 896, 896)</td> <td>9.301 s</td> <td>2.854 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 1024, 896)</td> <td>9.290 s</td> <td>2.805 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 896, 1024)</td> <td>9.123 s</td> <td>2.851 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(6, 3, 1024, 1024)</td> <td>9.377 s</td> <td>3.180 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(1, 3, 512, 512)</td> <td>25.444 s</td> <td>5.430 s</td> <td>True</td> <td>首次编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 896, 512)</td> <td>25.381 s</td> <td>1.899 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 512, 896)</td> <td>0.116 s</td> <td>1.886 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(3, 3, 896, 896)</td> <td>1.982 s</td> <td>1.793 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 1024, 896)</td> <td>0.114 s</td> <td>1.803 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(2, 3, 896, 1024)</td> <td>0.111 s</td> <td>1.778 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>Faster RCNN</td> <td>(6, 3, 1024, 1024)</td> <td>0.143 s</td> <td>2.110 s</td> <td>True</td> <td>连续编译执行</td> </tr> </tbody> </table> <p>对 Stable Diffusion 模型的 unet 部分使用 OneFlow compile_from_torch 和 PyTorch compile 接口进行编译并执行,测试不同 shape 输出时的编译时间和推理时间,结果如下表:</p> <table> <thead> <tr> <th>模型</th> <th>输出 shape</th> <th>PyTorch compile</th> <th>OneFlow compile_from_torch</th> <th>dynamic</th> <th>测试时机</th> </tr> </thead> <tbody> <tr> <td>Stable Diffusion</td> <td>(2, 512, 512)</td> <td>103.701 s</td> <td>63.670 s</td> <td>False</td> <td>首次编译执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 512, 768)</td> <td>95.137 s</td> <td>53.864 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 768, 512)</td> <td>90.259 s</td> <td>55.271 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 768, 768)</td> <td>90.196 s</td> <td>51.590 s</td> <td>False</td> <td>连续编译执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 512, 512)</td> <td>275.660 s</td> <td>57.117 s</td> <td>True</td> <td>首次编译执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 512, 768)</td> <td>345.774 s</td> <td>43.752 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 768, 512)</td> <td>349.835 s</td> <td>47.653 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 768, 768)</td> <td>7.224 s</td> <td>45.720 s</td> <td>True</td> <td>连续编译执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 512, 512)</td> <td>4.088 s</td> <td>2.831 s</td> <td>False</td> <td>后续执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 512, 768)</td> <td>3.296 s</td> <td>2.325 s</td> <td>False</td> <td>后续执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 768, 512)</td> <td>5.594 s</td> <td>5.157 s</td> <td>False</td> <td>后续执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 768, 768)</td> <td>4.713 s</td> <td>3.557 s</td> <td>False</td> <td>后续执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 512, 512)</td> <td>4.448 s</td> <td>2.801 s</td> <td>True</td> <td>后续执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 512, 768)</td> <td>3.201 s</td> <td>2.314 s</td> <td>True</td> <td>后续执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(2, 768, 512)</td> <td>6.093 s</td> <td>4.166 s</td> <td>True</td> <td>后续执行</td> </tr> <tr> <td>Stable Diffusion</td> <td>(1, 768, 768)</td> <td>4.920 s</td> <td>3.557 s</td> <td>True</td> <td>后续执行</td> </tr> </tbody> </table> <p>结论:使用 OneFlow compile_from_torch 接口有相对于 PyTorch compile 接口平均更短的编译时间,另外得益于 OneFlow 框架中极致的算子优化,在 Stable Diffusion 模型上有更优的执行性能。</p> <p>备注:测试使用 GPU 型号为 3090,PyTorch 版本为 v2.1.2,cuda 版本为 12.2。</p> <h2>2、OneFlow Eager vs PyTorch Eager</h2> <table> <thead> <tr> <th>模型</th> <th>GPU 型号</th> <th>卡数</th> <th>macro batch</th> <th>PyTorch 性能(iter/s)</th> <th>OneFlow 性能(iter/s)</th> <th>加速比</th> </tr> </thead> <tbody> <tr> <td>ResNet50</td> <td>3090</td> <td>1</td> <td>1</td> <td>31.37</td> <td>38.81</td> <td>23.72%</td> </tr> <tr> <td>ResNet50</td> <td>3090</td> <td>1</td> <td>2</td> <td>32.06</td> <td>48.45</td> <td>51.12%</td> </tr> <tr> <td>ResNet50</td> <td>3090</td> <td>2</td> <td>1</td> <td>31.10</td> <td>33.46</td> <td>7.59%</td> </tr> <tr> <td>ResNet50</td> <td>3090</td> <td>2</td> <td>2</td> <td>31.76</td> <td>34.83</td> <td>9.67%</td> </tr> <tr> <td>ResNet50</td> <td>A100</td> <td>1</td> <td>1</td> <td>24.60</td> <td>46.64</td> <td>89.59%</td> </tr> <tr> <td>ResNet50</td> <td>A100</td> <td>1</td> <td>2</td> <td>25.06</td> <td>49.88</td> <td>99.04%</td> </tr> <tr> <td>ResNet50</td> <td>A100</td> <td>2</td> <td>1</td> <td>25.28</td> <td>39.18</td> <td>54.98%</td> </tr> <tr> <td>ResNet50</td> <td>A100</td> <td>2</td> <td>2</td> <td>24.09</td> <td>32.84</td> <td>36.32%</td> </tr> <tr> <td>Bert</td> <td>3090</td> <td>1</td> <td>1</td> <td>8.93</td> <td>10.41</td> <td>16.57%</td> </tr> <tr> <td>Bert</td> <td>3090</td> <td>1</td> <td>2</td> <td>13.11</td> <td>14.31</td> <td>9.15%</td> </tr> <tr> <td>Bert</td> <td>3090</td> <td>2</td> <td>1</td> <td>6.94</td> <td>8.27</td> <td>19.16%</td> </tr> <tr> <td>Bert</td> <td>3090</td> <td>2</td> <td>2</td> <td>12.19</td> <td>15.58</td> <td>27.81%</td> </tr> <tr> <td>Bert</td> <td>A100</td> <td>1</td> <td>1</td> <td>10.45</td> <td>12.72</td> <td>21.72%</td> </tr> <tr> <td>Bert</td> <td>A100</td> <td>1</td> <td>2</td> <td>20.24</td> <td>21.57</td> <td>6.57%</td> </tr> <tr> <td>Bert</td> <td>A100</td> <td>2</td> <td>1</td> <td>12.63</td> <td>16.09</td> <td>27.39%</td> </tr> <tr> <td>Bert</td> <td>A100</td> <td>2</td> <td>2</td> <td>24.86</td> <td>29.84</td> <td>20.03%</td> </tr> </tbody> </table> <p>结论:使用 OneFlow Eager 相对于 PyTorch Eager 在 ResNet50 和 Bert 两个模型小 batch 场景下有明显性能优势。</p> <p>备注:测试使用PyTorch版本为 v2.1.0,cuda 版本为 12.1。</p> levi131 tag:github.com,2008:Repository/81634683/v0.9.0 2023-02-03T13:13:00Z Version 0.9.0 <h1>Version 0.9.0</h1> <h1>OneFlow v0.9.0 release note</h1> <p>OneFlow v0.9.0 came out, welcome to install the new version for a better experience.</p> <ul> <li>Highlights</li> <li>Backwards Incompatible Change</li> <li>New Features</li> <li>Performance</li> <li>Improvements</li> <li>Bug fixes</li> <li>Documentation</li> <li>Edge Tools</li> </ul> <h1>Highlights</h1> <p>This update contains 640 commits and the following highlights:</p> <ul> <li> <p>With the addition of 86 new API interfaces and operators aligned with PyTorch and the fix of 104 bugs related to operator compatibility, OneFlow v0.9.0 provides better PyTorch API and model compatibility. In v0.9.0, users can migrate more PyTorch models to OneFlow with one click and gain faster performance.</p> <ul> <li> <p>Allowing one-click migration of Stable Diffusion、GLM、YOLOv5 etc to OneFlow.</p> </li> <li> <p>More convenient model migration. <code>Oneflow.load</code> supports loading the <code>torch.save</code> models directly.</p> </li> <li> <p>With the newly added <code>oneflow.mock_torch</code> module and <code>mock</code> method, oneflow can migrate complex PyTorch models containing multiple scripts with one click without changing the original PyTorch script.</p> </li> </ul> </li> <li> <p>Global Tensor has added a series of interfaces and methods that are convenient for distributed programming, and fixed known related bugs.</p> </li> <li> <p>The Graph released a new feature of automatic parallelism (version 1), which supports automatic search for the fastest SBP with a specified Placement. When writing distributed models with Global Tensor, users do not need to consider parallelism.</p> </li> <li> <p>The Graph adds a series of optimizations related to memory, execution speed, pipeline masking, and compilation speed to improve performance and reduces memory overhead.</p> </li> <li> <p>The Graph provides a series of functions to aid debugging, including analyzing memory logs, displaying the progress during the compilation stage, and the computation graph.</p> </li> <li> <p>OneFlow IR provides more compilation optimization functions.</p> </li> <li> <p>The error prompt of OneFlow is more user-friendly, which supports highlighting the error content and simplifies unnecessary information details inside the system. In this connection, you can visually learn about the location and type of the error.</p> </li> <li> <p>A series of operator optimizations and system optimizations have been added, including Eager instruction scheduling, high-performance CUDA kernel, opening up of multiple memory pools, etc.</p> </li> </ul> <h1>Backwards Incompatible Change</h1> <ul> <li> <p>To solve the possible duplicate name conflict between Graph.Block.config and module user-defined attribute module.config, OneFlow redesigned the abstraction of Graph proxy Module/Tensor, thus introducing a breaking change: (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1431667340" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9351" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9351/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9351">#9351</a> , <a href="https://github.com/Oneflow-Inc/oneflow/pull/9437%EF%BC%8Chttps://github.com/Oneflow-Inc/oneflow/pull/9607" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9437/hovercard">https://github.com/Oneflow-Inc/oneflow/pull/9437,https://github.com/Oneflow-Inc/oneflow/pull/9607</a>)</p> <ul> <li> <p>The attr and config attributes on Block are removed, and Block is renamed to Proxy;</p> </li> <li> <p>Implementation plan: When added as members of nn.Graph, the original Eager Module and Tensor types will be packaged into the Proxy class, and the corresponding GraphModule and GraphTensor will be generated; nn.Graph will use Proxy in the subsequent composition For proxy execution, when the proxy is executed, the original eager type and graph type can be obtained from the Proxy. The naming refers to the naming of torch.fx.</p> </li> </ul> <table> <thead> <tr> <th></th> <th>Eager primitive type</th> <th>Graph type, base class Graph Block</th> <th>Proxy execution type, the base class is called Proxy</th> </tr> </thead> <tbody> <tr> <td>Function</td> <td>Supporting to get the original eager type</td> <td>A Graph code block corresponding to GraphBlock stores the information required for graph execution, such as name/scope/lazy op or tensor and optimization switches of some sub-modules on the graph.</td> <td>Proxy execution capability, using the same execution interface as Module and Tensor, but the behavior has changed, such as lazy, and the op that may be executed has also been rewritten.</td> </tr> <tr> <td>Module type</td> <td>Module</td> <td>GraphModule</td> <td>ProxyModule contains a Module member and a GraphModule member</td> </tr> <tr> <td>Tensor type</td> <td>Tensor</td> <td>GraphTensor</td> <td>ProxyTensor contains a Tensor member and a GraphTensor member</td> </tr> </tbody> </table> <ul> <li>Here is an exmaple:</li> </ul> </li> </ul> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" import oneflow as flow import oneflow.nn as nn from oneflow.nn.graph import GraphModule linear = flow.nn.Linear(3, 8, False) class LinearGraph(nn.Graph): def __init__(self): super().__init__() # The type of linear is nn.Module. When added as an attribute of nn.Graph, it will be registered with nn.Graph. # self.linear has been wrapped as a ProxyModule. #self.linear.weight has been wrapped as a ProxyTensor. #nn.Graph will use ProxyModule to perform graph composition. self.linear = linear # There are two parts in ProxyModule, one is the original module and the other is GraphModule. self.linear.to(GraphModule) # Get the corresponding GraphModule, on which you can do configuration related to graph optimization. # such as setting a pipeline stage for a module, and enabling pipeline parallelism. self.linear.to(GraphModule).set_stage(id, placement) self.linear.to(nn.Module) # get the corresponding original nn.Module. self.linear.weight.to(flow.Tensor) # get the corresponding original Tensor."><pre> <span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-k">import</span> <span class="pl-s1">oneflow</span>.<span class="pl-s1">nn</span> <span class="pl-k">as</span> <span class="pl-s1">nn</span> <span class="pl-k">from</span> <span class="pl-s1">oneflow</span>.<span class="pl-s1">nn</span>.<span class="pl-s1">graph</span> <span class="pl-k">import</span> <span class="pl-v">GraphModule</span> <span class="pl-s1">linear</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Linear</span>(<span class="pl-c1">3</span>, <span class="pl-c1">8</span>, <span class="pl-c1">False</span>) <span class="pl-k">class</span> <span class="pl-v">LinearGraph</span>(<span class="pl-s1">nn</span>.<span class="pl-c1">Graph</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>): <span class="pl-en">super</span>().<span class="pl-c1">__init__</span>() <span class="pl-c"># The type of linear is nn.Module. When added as an attribute of nn.Graph, it will be registered with nn.Graph.</span> <span class="pl-c"># self.linear has been wrapped as a ProxyModule.</span> <span class="pl-c">#self.linear.weight has been wrapped as a ProxyTensor.</span> <span class="pl-c">#nn.Graph will use ProxyModule to perform graph composition.</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span> <span class="pl-c1">=</span> <span class="pl-s1">linear</span> <span class="pl-c"># There are two parts in ProxyModule, one is the original module and the other is GraphModule.</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">to</span>(<span class="pl-v">GraphModule</span>) <span class="pl-c"># Get the corresponding GraphModule, on which you can do configuration related to graph optimization.</span> <span class="pl-c"># such as setting a pipeline stage for a module, and enabling pipeline parallelism. </span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">to</span>(<span class="pl-v">GraphModule</span>).<span class="pl-c1">set_stage</span>(<span class="pl-s1">id</span>, <span class="pl-s1">placement</span>) <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">to</span>(<span class="pl-s1">nn</span>.<span class="pl-c1">Module</span>) <span class="pl-c"># get the corresponding original nn.Module.</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">weight</span>.<span class="pl-c1">to</span>(<span class="pl-s1">flow</span>.<span class="pl-c1">Tensor</span>) <span class="pl-c"># get the corresponding original Tensor.</span></pre></div> <p>Outdated interface in OneFlow v0.8.0:</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import oneflow as flow import oneflow.nn as nn linear = flow.nn.Linear(3, 8, False) class LinearGraph(nn.Graph): def __init__(self): super().__init__() self.linear = linear self.linear.config.set_stage(id, placement) # set stage self.linear.config.activation_checkpointing = True # set activation checkpointing self.linear.origin # get the corresponding original nn.Module self.linear.weight.origin # get the corresponding original Tensor"><pre><span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-k">import</span> <span class="pl-s1">oneflow</span>.<span class="pl-s1">nn</span> <span class="pl-k">as</span> <span class="pl-s1">nn</span> <span class="pl-s1">linear</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Linear</span>(<span class="pl-c1">3</span>, <span class="pl-c1">8</span>, <span class="pl-c1">False</span>) <span class="pl-k">class</span> <span class="pl-v">LinearGraph</span>(<span class="pl-s1">nn</span>.<span class="pl-c1">Graph</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>): <span class="pl-en">super</span>().<span class="pl-c1">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-c1">linear</span> <span class="pl-c1">=</span> <span class="pl-s1">linear</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">config</span>.<span class="pl-c1">set_stage</span>(<span class="pl-s1">id</span>, <span class="pl-s1">placement</span>) <span class="pl-c"># set stage</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">config</span>.<span class="pl-c1">activation_checkpointing</span> <span class="pl-c1">=</span> <span class="pl-c1">True</span> <span class="pl-c"># set activation checkpointing</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">origin</span> <span class="pl-c"># get the corresponding original nn.Module</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">weight</span>.<span class="pl-c1">origin</span> <span class="pl-c"># get the corresponding original Tensor</span></pre></div> <p>New interface in OneFlow v0.9.0:</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import oneflow as flow import oneflow.nn as nn from oneflow.nn.graph import GraphModule linear = flow.nn.Linear(3, 8, False) class LinearGraph(nn.Graph): def __init__(self): super().__init__() self.linear = linear self.linear.to(GraphModule).set_stage(id, placement) # set stage self.linear.to(GraphModule).activation_checkpointing = True # set activation checkpointing self.linear.to(nn.Module) # get the corresponding original nn.Module self.linear.weight.to(flow.Tensor) # get the corresponding original Tensor"><pre><span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-k">import</span> <span class="pl-s1">oneflow</span>.<span class="pl-s1">nn</span> <span class="pl-k">as</span> <span class="pl-s1">nn</span> <span class="pl-k">from</span> <span class="pl-s1">oneflow</span>.<span class="pl-s1">nn</span>.<span class="pl-s1">graph</span> <span class="pl-k">import</span> <span class="pl-v">GraphModule</span> <span class="pl-s1">linear</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Linear</span>(<span class="pl-c1">3</span>, <span class="pl-c1">8</span>, <span class="pl-c1">False</span>) <span class="pl-k">class</span> <span class="pl-v">LinearGraph</span>(<span class="pl-s1">nn</span>.<span class="pl-c1">Graph</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>): <span class="pl-en">super</span>().<span class="pl-c1">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-c1">linear</span> <span class="pl-c1">=</span> <span class="pl-s1">linear</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">to</span>(<span class="pl-v">GraphModule</span>).<span class="pl-c1">set_stage</span>(<span class="pl-s1">id</span>, <span class="pl-s1">placement</span>) <span class="pl-c"># set stage</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">to</span>(<span class="pl-v">GraphModule</span>).<span class="pl-c1">activation_checkpointing</span> <span class="pl-c1">=</span> <span class="pl-c1">True</span> <span class="pl-c"># set activation checkpointing</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">to</span>(<span class="pl-s1">nn</span>.<span class="pl-c1">Module</span>) <span class="pl-c"># get the corresponding original nn.Module</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>.<span class="pl-c1">weight</span>.<span class="pl-c1">to</span>(<span class="pl-s1">flow</span>.<span class="pl-c1">Tensor</span>) <span class="pl-c"># get the corresponding original Tensor</span></pre></div> <h1>New Features</h1> <h2>Graph</h2> <ul> <li> <p>Adds automatic parallelization feature for the first stage in Graph: (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1333188737" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8891" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8891/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8891">#8891</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1389491344" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9172" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9172/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9172">#9172</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1419282442" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9288" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9288/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9288">#9288</a>)</p> <ul> <li> <p>Automatic parallelism can be enabled by configuring <code>self.config.enable_auto_parallel(True)</code> in Graph. After it is enabled, you don't have to configure sbp, and the Graph will automatically find the optimal sbp combination.</p> </li> <li> <p>Here is an exmaple:</p> </li> </ul> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import oneflow as flow class SubclassGraph(flow.nn.Graph): def __init__(self): super().__init__() # MUST be called # auto parallelism configuration self.config.enable_auto_parallel(True) # other configurations about auto parallelism # ...... def build(self): pass"><pre><span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-k">class</span> <span class="pl-v">SubclassGraph</span>(<span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Graph</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>): <span class="pl-en">super</span>().<span class="pl-c1">__init__</span>() <span class="pl-c"># MUST be called</span> <span class="pl-c"># auto parallelism configuration</span> <span class="pl-s1">self</span>.<span class="pl-c1">config</span>.<span class="pl-c1">enable_auto_parallel</span>(<span class="pl-c1">True</span>) <span class="pl-c"># other configurations about auto parallelism</span> <span class="pl-c"># ......</span> <span class="pl-k">def</span> <span class="pl-en">build</span>(<span class="pl-s1">self</span>): <span class="pl-k">pass</span></pre></div> <ul> <li>For documentation see: <a href="https://oneflow.readthedocs.io/en/master/auto_parallel.html" rel="nofollow">https://oneflow.readthedocs.io/en/master/auto_parallel.html</a></li> </ul> </li> <li> <p>Graph supports straightened algorithm optimization with memory priority, reducing the memory life cycle of each Tensor by adjusting the execution sequence to reduce the peak value of memory. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1373130796" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9094" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9094/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9094">#9094</a>)</p> <ul> <li> <p>With <code>self.config.enable_straighten_algorithm("MemoryFirst")</code>, the straightened algorithm with memory optimization can be enabled.</p> </li> <li> <p>The available modes are as follows: <code>"MemoryFirst"</code> / <code>"SpeedFirst"</code> / <code>"Disable"</code> / <code>"OverlapCpuGpu"</code></p> </li> <li> <p>At the same time, Graph adds the algorithm <code>"OverlapCpuGpu"</code> that make CPU and GPU kernel overlap with each other as much as possible. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1416286686" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9278" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9278/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9278">#9278</a>)</p> </li> </ul> </li> <li> <p>Graph provides generalized basic transmission, using nccl send/recv to realize fast communication for any NdSbp (2d, 3d,...), thus minimizing the transmission volume.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1274737426" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8437" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8437/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8437">#8437</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1320648279" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8783" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8783/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8783">#8783</a>)</p> </li> <li> <p>With autograd.Function, Graph is allowed to use custom op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1328029275" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8843" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8843/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8843">#8843</a>).</p> </li> <li> <p>You can use the Graph Optimizer through <code>param_group["lr_scale"]</code>, supporting configuring the learning rate for the parameter of each module/layer. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1383360142" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9138" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9138/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9138">#9138</a>)</p> </li> <li> <p>Adds <code>enable_multi_tensor_update</code> optimization. Enabling by <code>self.config.enable_multi_tensor_update(True)</code>, it will optimize the overhead of numerous broken parameters when updating the model. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1402200602" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9209" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9209/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9209">#9209</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1408724037" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9252" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9252/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9252">#9252</a>)</p> </li> <li> <p>Adds <code>enable_fused_model_update_cast</code> optimization. Enabling by <code>self.config.enable_fused_model_update_cast(True)</code>, it will speed up the training speed of the network by fusing Optimizer and fp16 cast when AMP is on. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1402200602" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9209" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9209/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9209">#9209</a>)</p> </li> <li> <p>Graph supports non-uniform segmentation under ND-SBP. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1422197019" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9310" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9310/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9310">#9310</a>)</p> </li> <li> <p>Graph supports LazyTensor's indexing feature.<br> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1426835305" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9334" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9334/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9334">#9334</a>)</p> </li> <li> <p>Adds <code>enable_compress_memory</code> interface. Enabling by <code>self.config.enable_compress_memory(True)</code>, it will try to optimize the memory and iterate the video memory of the computation graph within a half hour. Finally, the minimum value close to the lower limit will be found. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1473046998" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9509" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9509/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9509">#9509</a>)</p> </li> <li> <p>Adds <code>oneflow.utils.global_view.global_mode</code>. It supports smooth migration from single-GPU code to multi-GPU code. This global_mode will create a global context with on/off support. In addition, it will set the default placement and sbp under the context and support various grammar of LocalTensor such as <code>Tensor.device</code> and <code>Tensor.to(device)</code>. The source op created in this context will automatically generate the GlobalTensor and populate the default placement and sbp. This context enables the logic of the local tensor in the module to convert to global logic in a non-invasive manner.</p> <ul> <li> <p>Here is an example:</p> </li> <li> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import oneflow as flow from oneflow.utils.global_view import global_mode P_C = flow.placement(&quot;cpu&quot;, ranks=[0, 1]) P = flow.placement(&quot;cuda&quot;, ranks=[0, 1]) B = flow.sbp.broadcast S0 = flow.sbp.split(0) x = flow.ones((6, 8), placement=P_C, sbp=S0) with global_mode(True, placement=P, sbp=B): device = linear_dp.weight.device x = x.to(device) # global tensor to device out = linear_dp(x) # The local tensor will be converted to global sample = flow.randn(out.shape, device=&quot;cpu&quot;).to(device)"><pre><span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-k">from</span> <span class="pl-s1">oneflow</span>.<span class="pl-s1">utils</span>.<span class="pl-s1">global_view</span> <span class="pl-k">import</span> <span class="pl-s1">global_mode</span> <span class="pl-c1">P_C</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s">"cpu"</span>, <span class="pl-s1">ranks</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">1</span>]) <span class="pl-c1">P</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">1</span>]) <span class="pl-c1">B</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">broadcast</span> <span class="pl-v">S0</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">split</span>(<span class="pl-c1">0</span>) <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">ones</span>((<span class="pl-c1">6</span>, <span class="pl-c1">8</span>), <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-c1">P_C</span>, <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-v">S0</span>) <span class="pl-k">with</span> <span class="pl-en">global_mode</span>(<span class="pl-c1">True</span>, <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-c1">P</span>, <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-c1">B</span>): <span class="pl-s1">device</span> <span class="pl-c1">=</span> <span class="pl-s1">linear_dp</span>.<span class="pl-c1">weight</span>.<span class="pl-c1">device</span> <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span>.<span class="pl-c1">to</span>(<span class="pl-s1">device</span>) <span class="pl-c"># global tensor to device</span> <span class="pl-s1">out</span> <span class="pl-c1">=</span> <span class="pl-en">linear_dp</span>(<span class="pl-s1">x</span>) <span class="pl-c"># The local tensor will be converted to global</span> <span class="pl-s1">sample</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">randn</span>(<span class="pl-s1">out</span>.<span class="pl-c1">shape</span>, <span class="pl-s1">device</span><span class="pl-c1">=</span><span class="pl-s">"cpu"</span>).<span class="pl-c1">to</span>(<span class="pl-s1">device</span>)</pre></div> </li> </ul> </li> </ul> <h3>Debug</h3> <ul> <li> <p>Provides comprehensive memory analysis logs V2.0 (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1293230797" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8565" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8565/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8565">#8565</a>)</p> <ul> <li> <p><code>export GLOG_v = 3</code> enables the environment variable to see the full memory analysis log in oneflow.INFO.</p> </li> <li> <p>Adds shape, dtype, life cycle, and order of application for release of all tensors in each memory block (Chunk, MemBlock), which helps to quickly find out whether the tensor that greatly affect occupied memory in each memory block is normal or not.</p> </li> <li> <p>The Checkpointing pass provides a log, recording tensors with Checkpoint.</p> </li> </ul> </li> <li> <p>Adds time_util to record the execution time of each module, actual physical memory occupied, and virtual memory occupied. (<a href="https://github.com/Oneflow-Inc/oneflow/pull/9164%EF%BC%8Chttps://github.com/Oneflow-Inc/oneflow/pull/9245" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9164/hovercard">https://github.com/Oneflow-Inc/oneflow/pull/9164,https://github.com/Oneflow-Inc/oneflow/pull/9245</a>)</p> </li> <li> <p>Graph will display the compilation progress bar when the rank 0 calculation Graph is compiled when enabling such environment variables as <code>debug(0)</code> and <code>ONEFLOW_NNGRAPH_ENABLE_PROGRESS_BAR=1</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1477046005" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9537" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9537/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9537">#9537</a>)</p> </li> <li> <p>The default log directory is removed (The directory will not be created and be written to log files by default.) The log directory print logs will be generated when in <code>ONEFLOW_DEBUG_MODE=1</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1479004001" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9552" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9552/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9552">#9552</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1486817052" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9575" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9575/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9575">#9575</a>)</p> </li> </ul> <h2>Eager</h2> <ul> <li> <p>Adds parameter <code>map_location</code> to <code>oneflow.load</code> to support the placement or device of the specified loading model Tensor. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1305775012" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8666" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8666/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8666">#8666</a>)</p> </li> <li> <p>Adds the <code>oneflow.async.thread</code> to allow users to create a new thread for asynchronous programming. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1331245780" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8866" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8866/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8866">#8866</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1358760332" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9039" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9039/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9039">#9039</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1414225785" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9270" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9270/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9270">#9270</a>)</p> </li> <li> <p><code>oneflow.save</code> supports saving ddp Module objects directly. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1329537029" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8856" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8856/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8856">#8856</a>)</p> </li> <li> <p>Adds <code>oneflow.utils.checkpoint</code> to support Checkpointing optimization under eager. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1361395947" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9053" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9053/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9053">#9053</a>)</p> </li> <li> <p>With the newly added <code>oneflow.mock_torch</code> module and <code>mock</code> method, the effect of one-click migration to oneflow can be realized without changing the original script of import torch. The benefit of this method is that all you need to do is add a new line instead of modifying the imports of files one by one (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1387499886" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9160" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9160/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9160">#9160</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1408932724" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9256" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9256/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9256">#9256</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1456101348" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9442" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9442/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9442">#9442</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1464102916" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9473" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9473/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9473">#9473</a>). You can use it with the following code:</p> <ul> <li> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import torch from oneflow.mock_torch import mock mock() # torch code # ..."><pre><span class="pl-k">import</span> <span class="pl-s1">torch</span> <span class="pl-k">from</span> <span class="pl-s1">oneflow</span>.<span class="pl-s1">mock_torch</span> <span class="pl-k">import</span> <span class="pl-s1">mock</span> <span class="pl-en">mock</span>() <span class="pl-c"># torch code</span> <span class="pl-c"># ...</span></pre></div> </li> <li> <p>Supports mocks with scope, such as:</p> </li> <li> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import torch from oneflow.mock_torch import mock with mock.enable(): # torch code # ..."><pre><span class="pl-k">import</span> <span class="pl-s1">torch</span> <span class="pl-k">from</span> <span class="pl-s1">oneflow</span>.<span class="pl-s1">mock_torch</span> <span class="pl-k">import</span> <span class="pl-s1">mock</span> <span class="pl-k">with</span> <span class="pl-s1">mock</span>.<span class="pl-c1">enable</span>(): <span class="pl-c"># torch code</span> <span class="pl-c"># ...</span></pre></div> </li> </ul> </li> <li> <p>Supports autograd's backward graph visualization debug: When enabling ONEFLOW_DEBUG_MODE=1 environment variable, each backward computation will generate the AutogradEngine execution graph to the dot file in the log directory. As is shown in the figure, you can see the operators of backward execution and topologies, which provides an easy way for algorithm and R&amp;D personnel to debug backward problems. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1445193883" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/9412" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/9412/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/9412">#9412</a>)</p> </li> </ul> jackalcooper tag:github.com,2008:Repository/81634683/experiment 2022-10-23T03:07:57Z experiment: add ONEFLOW_DTR_OP_TIME_DATASET <p>Signed-off-by: daquexian <a href="mailto:daquexian566@gmail.com">daquexian566@gmail.com</a></p> daquexian tag:github.com,2008:Repository/81634683/v0.8.1 2022-07-19T05:14:05Z v0.8.1: Fix zeros like and ones_like api (#8632) <ul> <li> <p>fix zeros_like and ones_like bug</p> </li> <li> <p>refine</p> </li> <li> <p>revert</p> </li> <li> <p>refine</p> </li> <li> <p>fix tensor_slice_view infer physic_shape bug</p> </li> <li> <p>add test</p> </li> <li> <p>refine</p> </li> <li> <p>auto format by CI</p> </li> <li> <p>fix bug</p> </li> <li> <p>refine</p> </li> <li> <p>auto format by CI</p> </li> <li> <p>fix import error</p> </li> <li> <p>fix bug</p> </li> </ul> <p>Co-authored-by: oneflow-ci-bot <a href="mailto:ci-bot@oneflow.org">ci-bot@oneflow.org</a><br> Co-authored-by: mergify[bot] &lt;37929162+mergify[bot]@users.noreply.github.com&gt;</p> BBuf tag:github.com,2008:Repository/81634683/v0.8.0 2022-08-12T10:15:35Z Version 0.8.0 <h1>OneFlow v0.8.0 Release Note</h1> <p>OneFlow v0.8.0 came out, welcome to install the new version for a better experience. </p> <ul> <li>Highlights</li> <li>Backwards Incompatible Change</li> <li>Deprecations</li> <li>New Features</li> <li>Performance</li> <li>Improvements</li> <li>Bug fixes</li> <li>Documentation</li> </ul> <h1>Highlights</h1> <p>This update contains 523 commits and the following highlights:</p> <ul> <li> <p>PyTorch compatible APIs have been further optimized, 68 new APIs aligned with PyTorch have been added, and 84 compatibility bugs between operator and interface have been fixed. More PyTorch models support being one-button transferred into OneFlow.</p> </li> <li> <p>All operators support Global Tensor more completely and efficiently, 28 Global Tensor-related bugs have been fixed, and 180 operator unit tests have been newly added.</p> </li> <li> <p>Graph's advanced features have been further optimized:</p> <ul> <li> <p>In addition to the existing ZeRO-DP, Zero Redundancy Optimizer(ZeRO) can also be used in combination with MP parallelism, 2D parallelism, and 3D parallelism, which saves more memory overhead.</p> </li> <li> <p>Graph provided new pipeline parallelism API, which not only simplifies the pipeline parallelism configuration but also optimizes the performance of pipeline parallelism and 3D parallelism.</p> </li> <li> <p>Multi-dimensional debugging functionality in the logic graph, light plan physical graph, memory analysis, Python stack information, and others have been newly added, making Graph.debug more efficient.</p> </li> </ul> </li> <li> <p>Empowered by OneFlow v0.8.0 and LiBai v0.2.0, 3D parallelism speed under GPT and BERT witnesses a notable increase, and its training speed performance exceeds Megatron-LM with same configuration in multiple dimensions. For more details, please click <a href="https://libai.readthedocs.io/en/latest/tutorials/get_started/Benchmark.html" rel="nofollow">here</a>.</p> </li> <li> <p>OneEmbedding has been released recently. It is an extension component designed for large-scale recommendation systems, boasting high efficiency, extensibility, flexibility, and other advantages.</p> </li> <li> <p>Multi-Device adaptation: OneFlow v0.8.0 has provided a neat, efficient, and easily-extensible hardware abstraction layer called EP(Execution Provider) and defined a collection of basic computing interfaces called Primitive, allowing to re-implement kernels based on Primitive interface. </p> </li> <li> <p>Added new debugging tool stacks: OneFlow-Profiler and AutoProf</p> <ul> <li> <p>OneFlow-Profiler is a tool designed to collect performance information during framework execution. It can record the execution time of operators and system components, the allocation of memory and DRAM, and the corresponding input and parameters of operators. The information can help developers find out the main source of overhead in framework execution and thus implement targeted optimization.</p> </li> <li> <p>AutoProf is a framework designed to efficiently detect the alignment between OneFlow APIs and PyTorch APIs. Besides, it can automatically compare the performance results of OneFlow APIs and PyTorch APIs.</p> </li> </ul> </li> <li> <p>Significantly optimized the exception handling process in OneFlow API and improved the error message when APIs meet exceptions.</p> </li> <li> <p>Significantly optimized the OneFlow API documentation: the API documentation has been restructured based on functionality. In addition to general operator APIs, <code>oneflow.nn.graph</code>, <code>oneflow.embedding</code>, <code>oneflow.autograd</code> and other modules in OneFlow and their environment variables have also been explained in detail.</p> </li> </ul> <h1>Backwards Incompatible Change</h1> <ul> <li><strong>Graph has been re-designed to configure ZeRO API, which saves configuration and learning cost for users. Besides, the latest ZeRO supports 2D mixed parallelism that contains model parallelism and pipeline parallelism, and 3D parallelism.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1206553188" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8036" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8036/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8036">#8036</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1268312290" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8404" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8404/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8404">#8404</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1280092380" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8464" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8464/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8464">#8464</a>)</strong></li> </ul> <p>Outdated configuration method in OneFlow v0.7.0:</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import oneflow as flow class Graph(flow.nn.Graph): def __init__(self): super().__init__() self.linear = flow.nn.Linear(3, 8, False) self.config.set_zero_redundancy_optimizer_mode(&quot;distributed_split&quot;) if zero_stage &gt; 1: # stage 2 flow.boxing.nccl.enable_use_compute_stream(True) if zero_stage &gt; 2: # stage 3 flow.boxing.nccl.disable_group_boxing_by_dst_parallel(True) def build(self, x): return self.linear(x) graph = Graph()"><pre><span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-k">class</span> <span class="pl-v">Graph</span>(<span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Graph</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>): <span class="pl-en">super</span>().<span class="pl-c1">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-c1">linear</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Linear</span>(<span class="pl-c1">3</span>, <span class="pl-c1">8</span>, <span class="pl-c1">False</span>) <span class="pl-s1">self</span>.<span class="pl-c1">config</span>.<span class="pl-c1">set_zero_redundancy_optimizer_mode</span>(<span class="pl-s">"distributed_split"</span>) <span class="pl-k">if</span> <span class="pl-s1">zero_stage</span> <span class="pl-c1">&gt;</span> <span class="pl-c1">1</span>: <span class="pl-c"># stage 2</span> <span class="pl-s1">flow</span>.<span class="pl-c1">boxing</span>.<span class="pl-c1">nccl</span>.<span class="pl-c1">enable_use_compute_stream</span>(<span class="pl-c1">True</span>) <span class="pl-k">if</span> <span class="pl-s1">zero_stage</span> <span class="pl-c1">&gt;</span> <span class="pl-c1">2</span>: <span class="pl-c"># stage 3</span> <span class="pl-s1">flow</span>.<span class="pl-c1">boxing</span>.<span class="pl-c1">nccl</span>.<span class="pl-c1">disable_group_boxing_by_dst_parallel</span>(<span class="pl-c1">True</span>) <span class="pl-k">def</span> <span class="pl-en">build</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>): <span class="pl-k">return</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>(<span class="pl-s1">x</span>) <span class="pl-s1">graph</span> <span class="pl-c1">=</span> <span class="pl-en">Graph</span>()</pre></div> <p>New interface in OneFlow v0.8.0:</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import oneflow as flow class Graph(flow.nn.Graph): def __init__(self): super().__init__() self.linear = flow.nn.Linear(3, 8, False) self.config.enable_zero(stage=2) def build(self, x): return self.linear(x) graph = Graph()"><pre><span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-k">class</span> <span class="pl-v">Graph</span>(<span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Graph</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>): <span class="pl-en">super</span>().<span class="pl-c1">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-c1">linear</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Linear</span>(<span class="pl-c1">3</span>, <span class="pl-c1">8</span>, <span class="pl-c1">False</span>) <span class="pl-s1">self</span>.<span class="pl-c1">config</span>.<span class="pl-c1">enable_zero</span>(<span class="pl-s1">stage</span><span class="pl-c1">=</span><span class="pl-c1">2</span>) <span class="pl-k">def</span> <span class="pl-en">build</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>): <span class="pl-k">return</span> <span class="pl-s1">self</span>.<span class="pl-c1">linear</span>(<span class="pl-s1">x</span>) <span class="pl-s1">graph</span> <span class="pl-c1">=</span> <span class="pl-en">Graph</span>()</pre></div> <h1>Deprecations</h1> <h2>Python API</h2> <ul> <li><strong>The outdated parameter <code>axis</code> (remains compatible) in <code>oneflow.sbp.split()</code> has been uniformly changed into using <code>dim</code> to represent the slice dimension.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1269020062" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8411" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8411/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8411">#8411</a>)</strong></li> </ul> <p>v0.7.0</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="oneflow.sbp.split(axis=0)"><pre><span class="pl-s1">oneflow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">split</span>(<span class="pl-s1">axis</span><span class="pl-c1">=</span><span class="pl-c1">0</span>)</pre></div> <p>v0.8.0</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="oneflow.sbp.split(dim=0)"><pre><span class="pl-s1">oneflow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">split</span>(<span class="pl-s1">dim</span><span class="pl-c1">=</span><span class="pl-c1">0</span>)</pre></div> <ul> <li><strong>For the outdated pipeline parallelism configuration method <code>self.module_layer_0.config.stage_id = 0</code> (this method is not suggested ), we have added a novel pipeline parallelism API <code>config.set_stage</code>, which optimizes pipeline parallelism performance as well as avoids implementing the <code>input_tensor.to_global(placement=this_stage_placement)</code> operation for all module input tensors at every stage. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1275805580" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8442" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8442/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8442">#8442</a>)</strong></li> </ul> <p>v0.7.0</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="import oneflow as flow B = [flow.sbp.broadcast] P_0 = flow.placement(type = &quot;cuda&quot;, ranks = [0, 1]) P_1 = flow.placement(type = &quot;cuda&quot;, ranks = [2, 3]) class Graph(flow.nn.Graph): def __init__(self): super().__init__() self.m_stage0 = flow.nn.Linear(8, 8, False).to_global(placement=P_0, sbp=B) self.m_stage1 = flow.nn.Linear(8, 8, False).to_global(placement=P_1, sbp=B) # Set different module's stage id to hint the graph preparing right num of buffers in pipeline. self.m_stage0.config.stage_id = 0 self.m_stage1.config.stage_id = 1 self.config.set_gradient_accumulation_steps(4) def build(self, x): x = x.to_global(placement=P0, sbp=B) y = self.m_stage0(x) # Move tensor between different pipeline stages. y = y.to_global(placement=P1, sbp=B) z = self.m_stage1(y) return z"><pre><span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-c1">B</span> <span class="pl-c1">=</span> [<span class="pl-s1">flow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">broadcast</span>] <span class="pl-v">P_0</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s1">type</span> <span class="pl-c1">=</span> <span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span> <span class="pl-c1">=</span> [<span class="pl-c1">0</span>, <span class="pl-c1">1</span>]) <span class="pl-v">P_1</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s1">type</span> <span class="pl-c1">=</span> <span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span> <span class="pl-c1">=</span> [<span class="pl-c1">2</span>, <span class="pl-c1">3</span>]) <span class="pl-k">class</span> <span class="pl-v">Graph</span>(<span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Graph</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>): <span class="pl-en">super</span>().<span class="pl-c1">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-c1">m_stage0</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Linear</span>(<span class="pl-c1">8</span>, <span class="pl-c1">8</span>, <span class="pl-c1">False</span>).<span class="pl-c1">to_global</span>(<span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-v">P_0</span>, <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-c1">B</span>) <span class="pl-s1">self</span>.<span class="pl-c1">m_stage1</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Linear</span>(<span class="pl-c1">8</span>, <span class="pl-c1">8</span>, <span class="pl-c1">False</span>).<span class="pl-c1">to_global</span>(<span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-v">P_1</span>, <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-c1">B</span>) <span class="pl-c"># Set different module's stage id to hint the graph preparing right num of buffers in pipeline.</span> <span class="pl-s1">self</span>.<span class="pl-c1">m_stage0</span>.<span class="pl-c1">config</span>.<span class="pl-c1">stage_id</span> <span class="pl-c1">=</span> <span class="pl-c1">0</span> <span class="pl-s1">self</span>.<span class="pl-c1">m_stage1</span>.<span class="pl-c1">config</span>.<span class="pl-c1">stage_id</span> <span class="pl-c1">=</span> <span class="pl-c1">1</span> <span class="pl-s1">self</span>.<span class="pl-c1">config</span>.<span class="pl-c1">set_gradient_accumulation_steps</span>(<span class="pl-c1">4</span>) <span class="pl-k">def</span> <span class="pl-en">build</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>): <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span>.<span class="pl-c1">to_global</span>(<span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-v">P0</span>, <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-c1">B</span>) <span class="pl-s1">y</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-c1">m_stage0</span>(<span class="pl-s1">x</span>) <span class="pl-c"># Move tensor between different pipeline stages.</span> <span class="pl-s1">y</span> <span class="pl-c1">=</span> <span class="pl-s1">y</span>.<span class="pl-c1">to_global</span>(<span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-v">P1</span>, <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-c1">B</span>) <span class="pl-s1">z</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-c1">m_stage1</span>(<span class="pl-s1">y</span>) <span class="pl-k">return</span> <span class="pl-s1">z</span></pre></div> <p>v0.8.0</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="class Graph(flow.nn.Graph): def __init__(self): super().__init__() self.m_stage0 = flow.nn.Linear(8, 8, False).to_global(placement=P_0, sbp=B) self.m_stage1 = flow.nn.Linear(8, 8, False).to_global(placement=P_1, sbp=B) # set_stage(stage_id, placement) # The Stage ID is numbered starting from 0 and increasing by 1. # The Placement is all tensors placement of this module. self.m_stage0.config.set_stage(stage_id=0, placement=P_0) self.m_stage1.config.set_stage(stage_id=1, placement=P_1) self.config.set_gradient_accumulation_steps(4) def build(self, x): # There will be automatically do tensor.to_global(placement) for all input tensor of this module. # So there is no need to write to_global() in/out of the module forward function. y = self.m_stage0(x) z = self.m_stage1(y) return z"><pre><span class="pl-k">class</span> <span class="pl-v">Graph</span>(<span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Graph</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>): <span class="pl-en">super</span>().<span class="pl-c1">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-c1">m_stage0</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Linear</span>(<span class="pl-c1">8</span>, <span class="pl-c1">8</span>, <span class="pl-c1">False</span>).<span class="pl-c1">to_global</span>(<span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-v">P_0</span>, <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-c1">B</span>) <span class="pl-s1">self</span>.<span class="pl-c1">m_stage1</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Linear</span>(<span class="pl-c1">8</span>, <span class="pl-c1">8</span>, <span class="pl-c1">False</span>).<span class="pl-c1">to_global</span>(<span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-v">P_1</span>, <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-c1">B</span>) <span class="pl-c"># set_stage(stage_id, placement)</span> <span class="pl-c"># The Stage ID is numbered starting from 0 and increasing by 1.</span> <span class="pl-c"># The Placement is all tensors placement of this module.</span> <span class="pl-s1">self</span>.<span class="pl-c1">m_stage0</span>.<span class="pl-c1">config</span>.<span class="pl-c1">set_stage</span>(<span class="pl-s1">stage_id</span><span class="pl-c1">=</span><span class="pl-c1">0</span>, <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-v">P_0</span>) <span class="pl-s1">self</span>.<span class="pl-c1">m_stage1</span>.<span class="pl-c1">config</span>.<span class="pl-c1">set_stage</span>(<span class="pl-s1">stage_id</span><span class="pl-c1">=</span><span class="pl-c1">1</span>, <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-v">P_1</span>) <span class="pl-s1">self</span>.<span class="pl-c1">config</span>.<span class="pl-c1">set_gradient_accumulation_steps</span>(<span class="pl-c1">4</span>) <span class="pl-k">def</span> <span class="pl-en">build</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>): <span class="pl-c"># There will be automatically do tensor.to_global(placement) for all input tensor of this module.</span> <span class="pl-c"># So there is no need to write to_global() in/out of the module forward function.</span> <span class="pl-s1">y</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-c1">m_stage0</span>(<span class="pl-s1">x</span>) <span class="pl-s1">z</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-c1">m_stage1</span>(<span class="pl-s1">y</span>) <span class="pl-k">return</span> <span class="pl-s1">z</span></pre></div> <h1>New Features</h1> <h2>Graph</h2> <ul> <li> <p>Added new interfaces: <code>oneflow.env.init_rdma</code> and <code>oneflow.env.rdma_is_initialized</code> to delay turning on the RDMA, thus accelerating the network communications across multiple devices (Note: avoid using fork() after RDMA being turned on, for example, DataLoader’s <code>num_workers &gt; 1</code> should be executed before <code>init rdma</code>). <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1269228947" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8415" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8415/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8415">#8415</a></p> </li> <li> <p>Graph provided new algorithm optimization interface: <code>graph.config.enable_straighten_algorithm</code> to optimize the execution order in computation graph, which maximizes the overlap between transferring and computation. With this interface, the data transfer speed witnesses a 0.6% rise in data parallelism mode and a 6% rise in model parallelism mode. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1255712146" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8347" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8347/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8347">#8347</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1283381764" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8483" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8483/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8483">#8483</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1285358095" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8495" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8495/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8495">#8495</a> )</p> </li> <li> <p>Optimized the implementation of clip grad in Graph to support <code>clip_grad_max_norm &gt; 1.0</code> and provided configurable <code>clip_grad_norm_type</code>, which could only be set to <code>2</code> before but now can be set to <code>+/- inf</code>, <code>+/- 1</code>, <code>+/- 2</code>, <code>+/- 3</code>, and bigger p-norm values. See the reference from <a href="https://pytorch.org/docs/stable/generated/torch.nn.utils.clip_grad_norm_.html" rel="nofollow">here</a> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1145063334" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7548" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7548/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7548">#7548</a>)</p> </li> <li> <p>Global tensor in Graph supported the <code>tensor.set_item</code> operation for invariable ops, for example, <code>mask[:, :len_keep] = 0</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1165307651" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7751" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7751/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7751">#7751</a>)</p> </li> <li> <p>Graph exported <code>build_graph</code> and <code>compile_and_init_runtime</code> interfaces, allowing to compile the <code>pass</code> that was previously self-defined by users after building the graph, thus rewriting and optimizing the graph. The two interfaces also supported Graph to restore an external graph (job). (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1229256246" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8168" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8168/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8168">#8168</a>)</p> </li> <li> <p>Added the <code>RegisterJobPass</code> interface to support rewriting the self-defined external job pass graph. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1261544091" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8370" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8370/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8370">#8370</a>)</p> </li> <li> <p><code>oneflow.boxing.nccl.enable_use_compute_stream(True)</code> optimized supports for NCCL logical kernel:</p> <ul> <li> <p>Added noncontiguous ReduceScatter kernel to support the conversion of <code>P -&gt; S(i), (i &gt; 0)</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1258028383" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8361" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8361/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8361">#8361</a>)</p> </li> <li> <p>Supported the conversion of <code>B -&gt; S</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1257880205" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8355" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8355/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8355">#8355</a>)</p> </li> <li> <p>Enabled nccl send/recv primitives to support special SBP conversions (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1249835722" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8318" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8318/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8318">#8318</a>)</p> </li> </ul> </li> <li> <p>Added the efficient fused kernel <code>oneflow.nn.FusedMLP</code>, which is controlled by <code>export ONEFLOW_FUNCTOR_DISABLE_FUSED_MLP = 0</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1115832737" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7391" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7391/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7391">#7391</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1229031406" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8165" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8165/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8165">#8165</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1236531540" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8217" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8217/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8217">#8217</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1269144705" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8413" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8413/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8413">#8413</a>)</p> </li> </ul> <h3>Debug</h3> <ul> <li> <p><code>Graph.debug</code> offered the new parameter: <code>max_stack_depth (default = 2)</code> to note the maximal stack depth of the Python stack where the op exists in Graph, making it convenient to locate the Python context for each op in Graph. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1205314875" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8028" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8028/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8028">#8028</a>)</p> </li> <li> <p>Apart from supporting printing the input/output/variable info of modules in Graph, it also newly supported printing operator info constructed in module forward. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1226168087" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8135" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8135/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8135">#8135</a>)</p> </li> <li> <p>Enabled <code>export ONEFLOW_DEBUG_MODE=true</code> and <code>export GLOG_v=3</code> to print the full memory log, which contains multi-level MemBlock info on each device (Total Memory-&gt; Chunk -&gt; MemBlock), Block that has exclusive memory, Eager Variable and other information. Besides, a lifecycle label was added in Regst to analyze each tensor's memory lifecycle.</p> </li> <li> <p>LightPlan provided a more simplified way to display Actor Graph, cutting down the cost of debug based on Plan. When <code>ONEFLOW_DEBUG_MODE = true </code>, a series of light plan files corresponding to each rank in Graph will be generated under the <code>log/local_rank_0/machine/</code> directory, containing simplified actor sub-graphs in each rank, and the filename is <code>GraphName_rank_i_light_plan</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1267294740" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8396" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8396/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8396">#8396</a>)</p> </li> <li> <p>The <code>print graph</code> method allowed to display the logic graph by Module, making the debugging more efficient in constructing graphs. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1226134639" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8131" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8131/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8131">#8131</a>)</p> </li> </ul> <h2>Eager</h2> <ul> <li> <p>Supported passing extra parameters when Optimizer ParamGroup is being built, meeting other special operation demands for LrScheduler. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1165932240" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7753" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7753/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7753">#7753</a>)</p> <ul> <li> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="param_groups = [{&quot;params&quot;: [model.parameters()], &quot;excess_param&quot;: ...}] optim = optim.Adam(param_groups, lr=0.1)"><pre><span class="pl-s1">param_groups</span> <span class="pl-c1">=</span> [{<span class="pl-s">"params"</span>: [<span class="pl-s1">model</span>.<span class="pl-c1">parameters</span>()], <span class="pl-s">"excess_param"</span>: ...}] <span class="pl-s1">optim</span> <span class="pl-c1">=</span> <span class="pl-s1">optim</span>.<span class="pl-c1">Adam</span>(<span class="pl-s1">param_groups</span>, <span class="pl-s1">lr</span><span class="pl-c1">=</span><span class="pl-c1">0.1</span>)</pre></div> </li> </ul> </li> <li> <p>Added the <code>oneflow.cuda.current_device</code> interface to return the device index of the current rank (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1176261785" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7856" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7856/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7856">#7856</a>)</p> </li> <li> <p>Added the <code>oneflow.utils.from_torch</code> interface to convert a PyTorch Tensor into an OneFlow Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1175082697" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7851" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7851/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7851">#7851</a>)</p> </li> <li> <p>Added the <code>oneflow.utils.to_torch</code> interface to convert an OneFlow Tensor into a PyTorch Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1175082697" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7851" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7851/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7851">#7851</a>)</p> </li> <li> <p>Added the <code>oneflow.cuda.empty_cache</code> interface to manually release memory <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1283317468" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8482" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8482/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8482">#8482</a>)</p> </li> <li> <p>Added the <code>oneflow.roc_auc_score</code> interface on CPU, which is equivalent to <code>sklearn.metrics.roc_auc_score</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1190491518" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7951" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7951/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7951">#7951</a>)</p> </li> </ul> <h3>Tensor</h3> <ul> <li> <p>Provided the <code>Tensor.contiguous_</code> interface as the contiguous operation for the inplace version (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1244446515" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8275" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8275/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8275">#8275</a>)</p> </li> <li> <p>Added the <code>Tensor.local_to_global</code> and <code>Tensor.global_to_global</code> interfaces to separately implement different default check meta operations (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1205287040" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8027" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8027/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8027">#8027</a>)</p> </li> <li> <p>Global Tensor's Slice/SliceUpdate supported all nd_sbp inputs, and SliceUpdate fully supported the inplace operation and backpropagation (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1249437077" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8313" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8313/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8313">#8313</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1253479669" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8337" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8337/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8337">#8337</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1255639384" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8344" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8344/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8344">#8344</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1269299067" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8416" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8416/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8416">#8416</a>)</p> </li> </ul> <h3>Global Boxing</h3> <ul> <li> <p>Eager Global Tensor supported balanced spliter nd sbp eager boxing (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1166260811" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7768" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7768/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7768">#7768</a>)</p> </li> <li> <p>Supported executing Eager Slice Boxing on random devices, including non-CPU devices and non-CUDA-capable devices (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1230754404" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8180" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8180/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8180">#8180</a>)</p> </li> </ul> <h2>OneEmbedding</h2> <p>For better recommendations, modern recommendation systems always rely on huge Embedding tables. Besides, frequent iterations of user data require model training to be fast enough.</p> <p>OneEmbedding is a component designed for large-scale recommendation systems, and it's efficient, extensible, and highly flexible. The following are its advantages:</p> <ol> <li> <p>Hierarchical storage and dynamic capacity expansion: users can expand the capacity of the Embedding at much lower cost.</p> </li> <li> <p>Mixed parallelism strategy: it supports easily extending the model to train it on multi-machine multi-GPU.</p> </li> <li> <p>Embedding quantization for better communication: in the parallel scenario, communication data can be quantized to reduce the communication amount, thus accelerating the training.</p> </li> <li> <p>Efficient data pipeline: the model parts that have no data dependency can be executed in advance, thus overlapping with other operations in time.</p> </li> <li> <p>Automatic mixed precision training: data can be computed in FP16 to reduce the occupied memory, thus accelerating the training speed and ensuring high model convergence precision.</p> </li> <li> <p>A collection of efficient CUDA ops for common operations in recommendation systems is available.</p> </li> <li> <p>Flexible model building is supported.</p> </li> </ol> <p>See OneEmbedding API documentation from <a href="https://oneflow.readthedocs.io/en/master/one_embedding.html" rel="nofollow">here</a>.</p> <h2>PyTorch Compatibility</h2> <p>A collection of new functionalities and interfaces that are compatible with PyTorch 1.10.0 have been added.</p> <h3>Tensor</h3> <ul> <li> <p>Added the <code>Tensor.pin_memory</code> functionality, which supports changing the memory to pinned memory when the tensor is being created. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1210560950" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8073" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8073/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8073">#8073</a>)</p> <ul> <li> <p>Supported passing the <code>pin_memory</code> parameter when the tensor is being created. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1230448517" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8176" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8176/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8176">#8176</a>)</p> </li> <li> <p>DataLoader supported <code>pin_memory</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1235918305" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8214" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8214/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8214">#8214</a>)</p> </li> <li> <p>Added the<code>Tensor.is_pinned</code> attribute (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1276442850" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8447" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8447/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8447">#8447</a>)</p> </li> </ul> </li> <li> <p>Added the <code>~Tensor</code> (invert) method to conduct logic NOT operation for each tensor with the dtype of .bool. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1180625905" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7899" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7899/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7899">#7899</a>)</p> </li> <li> <p>Added the <code>Tensor.log2</code> method to get log<sub>2</sub> for each tensor. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1181818770" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7906" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7906/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7906">#7906</a>)</p> </li> <li> <p>Added the <code>Tensor.new_zeros</code> method to generate a new tensor that has a shape of 0. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1187622183" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7937" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7937/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7937">#7937</a>)</p> </li> <li> <p>Added the <code>oneflow.as_tensor</code> interface to convert the input data into a new tensor that shares data. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1176239316" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7855" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7855/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7855">#7855</a>)</p> </li> <li> <p>Added the <code>Tensor.__array__</code> method. <code>np.array</code> supports to input oneflow tensor to construct <code>np.ndarry</code> object. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1195518343" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7970" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7970/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7970">#7970</a>)</p> </li> <li> <p>Added the <code>Tensor.new_tensor</code> method to copy the input data to generate a new tensor. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1195806082" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7973" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7973/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7973">#7973</a>)</p> </li> <li> <p>Added the <code>Tensor.half</code> method, which is equivalent to <code>tensor.to (oneflow.float16)</code> . (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1195735864" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7971" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7971/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7971">#7971</a>)</p> </li> <li> <p>Added the <code>Tensor.byte</code> method to generate a new uint8 tensor, and <code>tensor.byte()</code> is equivalent to <code>tensor.to(oneflow.uint8)</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1207917042" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8053" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8053/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8053">#8053</a>)</p> </li> <li> <p>Added the <code>Tensor.view_as</code> and <code>Tensor.new_empty</code> methods (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1211820679" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8077" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8077/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8077">#8077</a>)</p> </li> <li> <p>Added the <code>Tensor.type</code> method to implement corresponding cast and adding objects for <code>oneflow(.cuda).{Byte, Char, Short, Int, Long, Half, Float, Double}Tensor</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1225467212" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8129" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8129/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8129">#8129</a>)</p> </li> <li> <p>Added the <code>Tensor.dot</code> method to compute the dot product of two 1D tensors, and this method is equivalent to <code>oneflow.dot</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1288281587" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8520" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8520/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8520">#8520</a>)</p> </li> <li> <p>Added the <code>oneflow.nn.init.orthogonal_</code> interface to initialize tensors (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1202701236" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8009" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8009/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8009">#8009</a>)</p> </li> </ul> <h3>Operators</h3> <ul> <li> <p>Added the <code>oneflow.nn.Softshrink</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1172166216" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7826" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7826/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7826">#7826</a>)</p> </li> <li> <p>Added the <code>oneflow.nn.Threshold</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1177669000" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7875" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7875/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7875">#7875</a>)</p> </li> <li> <p>Added the <code>oneflow.nn.Hardshrink</code> activation function (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1178878459" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7887" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7887/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7887">#7887</a>)</p> </li> <li> <p>Added the <code>oneflow.isnan</code> and <code>oneflow.isinf</code> interfaces to decide the element in tensor is nan or inf (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1189136985" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7943" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7943/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7943">#7943</a>)</p> </li> <li> <p>The <code>oneflow.nn.functional.*</code> interface supported passing the <code>numpy scalar</code> parameter (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1187528228" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7935" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7935/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7935">#7935</a>)</p> </li> <li> <p>Added the <code>oneflow.nn.functional.cosine_similarity</code> op to calculate the cosine similarity of two tensors (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1220285234" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8119" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8119/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8119">#8119</a>)</p> </li> <li> <p>Added the <code>oneflow.nn.functional.conv_transpose1d</code>, the <code>oneflow.nn.functional.conv_transpose2d</code> op, and the<code>nn.functional.conv_transpose3d</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1199040126" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7991" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7991/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7991">#7991</a>)</p> </li> <li> <p>Added the <code>oneflow.unbind</code> interface to return a tuple of all slices along a given dimension (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1162731196" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7730" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7730/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7730">#7730</a>)</p> </li> <li> <p>Added the <code>oneflow.swapdims</code> interface to specify the swapping of two dimensions, and <code>oneflow.swapdims</code> is equivalent to NumPy’s <code>swapaxes</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1157869785" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7659" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7659/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7659">#7659</a>)</p> </li> <li> <p>Added the <code>oneflow.addcmul</code> op to execute an element-wise composite function: <code>out=input+value×tensor1×tensor2</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1106659145" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7282" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7282/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7282">#7282</a>)</p> </li> <li> <p>Added the <code>oneflow.searchsorted</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1189338632" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7949" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7949/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7949">#7949</a>)</p> </li> <li> <p>Added the <code>oneflow.mm</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1275655034" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8440" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8440/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8440">#8440</a>)</p> </li> <li> <p>Added the <code>oneflow.tensordot</code> interface and offered a collection of cases of equivalent transformation operations (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1195458593" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7968" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7968/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7968">#7968</a>)</p> </li> <li> <p>Added the <code>oneflow.repeat_interleave</code> op to repeat the elements of the tensor, and this op is equivalent to <code>numpy.repeat</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1251449871" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8324" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8324/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8324">#8324</a>)</p> </li> <li> <p>Added the <code>oneflow.amax</code> and <code>Tensor.amax</code> methods (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1199579163" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7996" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7996/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7996">#7996</a>)</p> </li> <li> <p>Added the <code>oneflow.median</code> and <code>Tensor.median</code> methods (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1209855752" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8069" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8069/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8069">#8069</a>)</p> </li> <li> <p>Added the <code>oneflow.normal</code> method and fixed the <code>Tensor.normal</code>method (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1190586552" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7956" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7956/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7956">#7956</a>)</p> </li> <li> <p>Added the <code>oneflow.amin</code> and <code>Tensor.amin</code> methods (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1206777615" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8042" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8042/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8042">#8042</a>)</p> </li> <li> <p>Added the <code>oneflow.mv</code> op and <code>Tensor.mv</code> method (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1276339889" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8445" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8445/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8445">#8445</a>)</p> </li> </ul> <h3>Random</h3> <ul> <li>Added new interfaces: <code>oneflow.cuda.manual_seed</code>, <code>oneflow.cuda.manual_seed_all</code>, <code>oneflow.seed</code>, <code>oneflow.manual_seed</code>, <code>oneflow.initial_seed</code>, <code>oneflow.get_rng_state</code>, <code>oneflow.set_rng_state</code> and improved the configuration of OneFlow random seed initialization. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1190586894" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7957" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7957/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7957">#7957</a> )</li> </ul> <h3>AutoGrad</h3> <ul> <li> <p>Added new interfaces: <code>oneflow.set_grad_enabled</code> and <code>oneflow.enable_grad</code> to enable or disable automatic gradient update for some of subgraphs. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1203213265" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8016" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8016/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8016">#8016</a>)</p> </li> <li> <p>Supported the upstream gradient dtype of the autograd reverse operator is different from that of the input. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1238407480" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8233" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8233/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8233">#8233</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1249160739" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8309" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8309/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8309">#8309</a>)</p> </li> <li> <p>Supported the backward operator that does not capture any tensor to execute backward computation multiple times. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1205390706" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8031" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8031/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8031">#8031</a>)</p> </li> </ul> <h3>CUDA</h3> <ul> <li>Added APIs for <code>oneflow.cuda.set_device</code> and <code>oneflow.cuda.synchronize</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1250496506" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8322" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8322/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8322">#8322</a>)</li> </ul> <h3>RNN</h3> <ul> <li> <p>Refactored the Module of RNN and migrated the implementation of Python layer splicing to C++, which greatly optimized the performance. Added modules related to RNNCell and modules aligned with the <code>torch.nn.utils.rnn</code> in functionality:</p> <ul> <li>Refactored modules: <code>RNN</code>, <code>LSTM</code>, and <code>GRU</code></li> <li>Added modules: <code>RNNCell </code>, <code>LSTMCell</code>, <code>GRUCell</code>, and<code>oneflow.nn.utils.rnn</code></li> <li>Supported and fixed RNN unit tests of local and global, and completed documentation.</li> </ul> </li> </ul> <h2>Device</h2> <p>Supported heterogeneous equipment type: In order to cope with the complexity of different hardware, OneFlow, in line with the dependency inversion principle in software engineering, has introduced a hardware abstraction layer called <strong>Execution Provider (EP)</strong>. The hardware abstraction layer is composed of a series of interfaces, which are abstracted from the capabilities provided by the required hardware devices during the running of the framework. After the hardware abstraction layer is introduced, each modules can directly call the interface provided by the hardware abstraction layer, not the original hardware interface, to use the underlying hardware, so it's unneccessary to concern the specific details of the underlying hardware. When a new hardware device is introduced, because the hardware abstraction interface remains unchanged, all modules can adapt to the new hardware device without any modification. At the same time, when adapting new hardware for the framework, we do not need to pay attention to the specific implementation details of the framework. We only need to implement a series of interfaces according to the agreement of the hardware abstract interface and the actual situation of the hardware device, and then the hardware adaptation can be completed.</p> <p>Execution Provider has defined a collection of runtime interfaces: device registration interface, device management interface, queue management interface, event management interface, and memory management interface.</p> <h3>Primitive</h3> <p>In addition to the runtime interfaces, the Execution Provider has also defined a set of computing interfaces called Primitive, which are used to describe the commonly-used computation in the deep learning framework, thus simplifying the development of operators in hardware adaptation. Compared with the runtime interfaces provided by the Execution Provider, the interfaces provided by Primitive are more loose and flexible. All interfaces are mutually independent, and each interface represents a specific computing capability provided by a certain hardware device. Similar to runtime interfaces, the abstraction of interfaces provided by Primitive is closer to the device side, and developers can carry out adaptation work without an in-depth understanding of OneFlow's mechanism. Developers need to implement all interfaces provided by Execution Provider when adapting runtime interfaces, but in the process of adapting Primitive, developers can selectively adapt according to the actual situation of the project.</p> <ul> <li> <p>Added unit test of <code>ep::primitive</code> basic function (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1215771881" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8099" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8099/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8099">#8099</a>)</p> </li> <li> <p>Added <code>ep::primitive::constant_pad</code>, optimized performance, removed obsolete pad grad and used pad as the inverse of pad (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227590860" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8152" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8152/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8152">#8152</a>)</p> </li> <li> <p>Used unary primitive interface instead of original implementation in Kernel (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1242697705" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8270" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8270/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8270">#8270</a>)</p> </li> <li> <p>Added environment variable ONEFLOW_EP_CUDA_CUBLAS_WORKSPACE_SIZE_MB to configure cublas workspace size (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1282196892" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8478" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8478/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8478">#8478</a>)</p> </li> <li> <p>Scalar logical kernel supported primitives (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1289574271" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8531" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8531/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8531">#8531</a>)</p> </li> <li> <p>Used primitives to implement logical not kernel (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1291197488" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8544" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8544/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8544">#8544</a>)</p> </li> <li> <p>Migrated all activation kernels to use primitive (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1247493471" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8300" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8300/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8300">#8300</a>)</p> </li> <li> <p>Bias add kernel supported primitive (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1287178371" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8512" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8512/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8512">#8512</a>)</p> </li> <li> <p>Decoupled OneDNN from <code>ep::primitive</code> CPU device and provided environment variable <code>ONEFLOW_ENABLE_ONEDNN_OPTS</code> to enable onednn to accelerate CPU primitive interface (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1244265280" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8274" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8274/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8274">#8274</a>)</p> </li> </ul> <h2>Debug tools</h2> <ul> <li> <p>Saved the log independently for each rank to <code>log/local_rank_{i}</code> when launching multiple processes by launcher. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1172121364" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7825" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7825/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7825">#7825</a>)</p> </li> <li> <p>Optimized the display of OF_PROFILER_RANGE_GUARD in nsys. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1220494628" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8121" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8121/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8121">#8121</a>)</p> </li> </ul> <h3>OneFlow-Profiler</h3> <p>OneFlow-Profiler is designed to collect various performance-related information during the execution flow of the framework. It can calculate the execution time of the operator or system components, the allocation of memory and DRAM, and can record the input and parameter information corresponding to the operator. This information can be used by developers to analyze which part brings the most overhead and implement some targeted optimizations.</p> <ul> <li> <p>Added OneFlow-Profiler. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1207647694" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8047" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8047/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8047">#8047</a>)</p> </li> <li> <p>Profiled the information of the CUDA operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1233486203" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8195" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8195/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8195">#8195</a>)</p> </li> <li> <p>Profiled the bandwidth information of the operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1240155321" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8254" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8254/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8254">#8254</a>)</p> </li> <li> <p>Added interfaces to collect bandwidth information and optimized code implementation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1252541028" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8332" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8332/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8332">#8332</a>)</p> </li> <li> <p>Refined Profiler. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1252541028" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8332" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8332/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8332">#8332</a>)</p> </li> <li> <p>Used <a href="https://github.com/pytorch/kineto">Kineto</a> and <a href="https://docs.nvidia.com/cuda/cupti/index.html" rel="nofollow">CUPTI</a> to profile the information of CUDA operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1269591346" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8417" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8417/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8417">#8417</a>)</p> </li> </ul> <h3>Auto-Test</h3> <ul> <li>When the value check fails, the value of the input tensor and Paramter will be automatically printed, and the pseudo-code segment of the output program will be highlighted for debugging (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1264078927" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8383" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8383/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8383">#8383</a>)</li> </ul> <h3>AutoProf</h3> <p>AutoProf is a framework designed to test the performance of OneFlow and PyTorch operators. It can automatically test the operator performance and print a comparison table under different CPU threads and GPUs. At present, it has been applied to the development of some existed operators and all new operators. Its effect is shown below:</p> <p><a target="_blank" rel="noopener noreferrer nofollow" href="https://user-images.githubusercontent.com/11607199/179392721-ae1d1f69-38cb-4894-92e7-bafdc06fa1c5.png"><img width="1440" alt="image" src="https://user-images.githubusercontent.com/11607199/179392721-ae1d1f69-38cb-4894-92e7-bafdc06fa1c5.png" style="max-width: 100%;"></a></p> <ul> <li> <p>Added auto speed comparison framework of operator AutoProf to automatically run op to test: (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1234797328" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8207" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8207/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8207">#8207</a>)</p> <ul> <li> <p>The speed of OneFlow and PyTorch.</p> </li> <li> <p>The speed of CPU/GPU Kernel under different numbers of threads.</p> </li> <li> <p>Total end-to-end time with CPU Kernel.</p> </li> </ul> </li> <li> <p>Optimized the display of AutoProf to save testing time. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1247806821" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8303" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8303/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8303">#8303</a>)</p> </li> <li> <p>Supported API tests without actual kernel execution, and the time would be end2end. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1250268999" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8320" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8320/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8320">#8320</a>)</p> </li> <li> <p>Supported AutoProf to measure kernel bandwidth. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1261322949" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8367" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8367/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8367">#8367</a>)</p> </li> </ul> <h3>IR</h3> <ul> <li> <p>Used Cast to remove pass. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1173381860" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7837" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7837/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7837">#7837</a> )</p> </li> <li> <p>Used MLIR to complete constant folding, combined the composition optimization of Conv and BN. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1168463639" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7799" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7799/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7799">#7799</a>)</p> </li> <li> <p>Optimized constant folding in OneFlow C++ API. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1223095823" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8124" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8124/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8124">#8124</a>)</p> </li> <li> <p>Provided fault tolerance checking for parsed module. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1247488768" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8299" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8299/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8299">#8299</a>)</p> </li> <li> <p>Fixed the BUG of constant folding unit test. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1255268476" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8340" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8340/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8340">#8340</a>)</p> </li> <li> <p>Supported IREE. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1239653063" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8249" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8249/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8249">#8249</a>)</p> </li> <li> <p>Added <code>oneflow_iree(python)</code> to CI. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1272977682" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8431" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8431/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8431">#8431</a>)</p> </li> <li> <p>Removed redundant output_lbns in IR. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1268900086" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8409" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8409/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8409">#8409</a>)</p> </li> <li> <p>Provided a conversion marker for Variable -&gt; constant. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1269061326" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8412" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8412/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8412">#8412</a>)</p> </li> <li> <p>Removed hardcoded properties in IR. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1270210061" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8420" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8420/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8420">#8420</a>)</p> </li> <li> <p>Implemented AutoNHWC Pass and provided environment variable <code>ONEFLOW_MLIR_PREFER_NHWC</code>. Supported automatic conversion of common network data formats to channels last optimization and had a noticeable acceleration on NVIDIA graphics cards that support FP16. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1179133877" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7890" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7890/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7890">#7890</a>)</p> </li> </ul> <h1>Performance</h1> <h2>Graph</h2> <ul> <li> <p>Optimized the speed and memory of GPT and BERT under 3-D parallelism:</p> <ul> <li> <p>Performance optimization: <code>fused_scale_mask_softmax</code> operator supported broadcast input. Optimized the kernel implementation and performance of softmax under specific cols (1024). Optimized the incomplete GetSbp list of <code>fused_scale_mask_softmax</code> reverse operator. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1250367138" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8321" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8321/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8321">#8321</a>)</p> </li> <li> <p>Communication optimization: Optimized the communication cost of SBP cost under <code>B-&gt;S</code>, <code>B-&gt;B</code>, <code>B-&gt;P</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1262741079" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8378" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8378/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8378">#8378</a>)</p> </li> <li> <p>Interface optimization: Optimized the inefficient edge connection problem caused by the misalignment of stage id and to_global sequence dependency when using pipeline stage. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1275805580" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8442" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8442/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8442">#8442</a>)</p> </li> <li> <p>Communication optimization: <code>nccl_use_compute_stream</code> supported more comprehensive sbp conversions like <code>P -&gt; S(i)</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1258028383" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8361" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8361/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8361">#8361</a>)</p> </li> <li> <p>Communication optimization: Parallel use of RDMA communication. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1269228947" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8415" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8415/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8415">#8415</a>)</p> </li> <li> <p>Memory optimization: Eliminated the randomness of the memory multiplexing algorithm, so that the memory multiplexing effect of each rank is consistent when the subgraphs are the same. There will be no bad case. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1275767474" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8441" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8441/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8441">#8441</a>)</p> </li> <li> <p>Memory optimization: Removed the extra buffer problem of Stage 0 CPU copy under Pipeline parallelism. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1283556444" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8484" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8484/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8484">#8484</a>)</p> </li> <li> <p>Memory optimization: Under Checkpointing and Pipeline, the input identity of the module was de-duplicated to reduce additional Checkpointing tensor, and added the block name prefix of the module to the identity. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1287019196" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8509" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8509/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8509">#8509</a>)</p> </li> <li> <p>Combination Optimization: ZeRO-DP supported using with Pipeline parallel and 3-D parallel. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1280092380" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8464" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8464/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8464">#8464</a>)</p> <ul> <li>Memory optimization: Removed extra identity tensor in ZeRO optimization. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1268580797" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8407" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8407/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8407">#8407</a>)</li> </ul> </li> </ul> </li> <li> <p>Provided new environment variable optimization switches: <code>ONEFLOW_ENABLE_MULTI_TENSOR_MODEL_UPDATE </code> and <code>ONEFLOW_FUSE_MODEL_UPDATE_CAST </code>. In the case of AMP, they supported the fusion of the Optimizer model update kernel and the next round of forward cast operators. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1261623365" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8373" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8373/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8373">#8373</a>)</p> </li> </ul> <h2>Eager</h2> <ul> <li> <p>Enabled <code>export ONEFLOW_EAGER_LOCAL_TO_GLOBAL_BALANCED_OVERRIDE =true</code> to accelerate the execution of Eager Global, which can save the synchronization of meta information on each rank of Global Tensor. (when users are confident that their code execution is symmetrical, SPMD)(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1196797634" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7981" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7981/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7981">#7981</a>)</p> <blockquote> <p>This environment variable is used to indicate whether the shape of the input data is the same when <code>local to global</code> is executed. If it is set to true, there is no need to synchronize the shape of each rank, and the logical shape is calculated locally.</p> </blockquote> </li> <li> <p>Used python c api to replace pybind11 to optimize the calling speed of tensor and functional.</p> <ul> <li> <p>Optimized functional return types to save overhead and avoid reference copies. And solved the bug that the inplace tensor id may be inconsistent. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1197284066" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7985" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7985/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7985">#7985</a>)</p> </li> <li> <p>Moved tensor API from pybind11 to c python API. Added tensor hash function. Resolves function naming conflict. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1241072228" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8258" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8258/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8258">#8258</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1249525947" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8315" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8315/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8315">#8315</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1255371696" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8342" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8342/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8342">#8342</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1261644592" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8375" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8375/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8375">#8375</a>)</p> </li> </ul> </li> <li> <p>Performance optimization: Let vm worker threads concentrate on computing tasks, and decoupled memory tasks from computing tasks. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1195862951" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7976" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7976/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7976">#7976</a>)</p> </li> <li> <p>Optimized the speed of operations in DataLoader, including <code>MakeLocalTensorFromData</code>, which is 20% faster under swin-T dataloader. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1209472641" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8066" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8066/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8066">#8066</a>)</p> </li> </ul> <h2>Operators &amp; Tensor</h2> <ul> <li> <p>Optimized global <code>sparse_softmax_cross_entropy</code> kernel. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1107682040" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7298" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7298/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7298">#7298</a>)</p> </li> <li> <p>Optimized and sped up CPU <code>permute</code> kernel with OneDNN. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1177540393" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7872" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7872/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7872">#7872</a>)</p> </li> <li> <p>Optimized and sped up CPU <code>softmax</code> kernel with OneDNN. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1210403082" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8071" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8071/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8071">#8071</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1210811909" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8075" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8075/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8075">#8075</a>)</p> </li> <li> <p>Optimized the memory and speed required for the reverse calculation of the pooling kernel. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1196715376" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7980" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7980/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7980">#7980</a>)</p> </li> <li> <p>Optimized Slice and Tensor getitem operations based on View to improve the speed of dataloader. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227480426" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8148" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8148/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8148">#8148</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1235816854" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8211" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8211/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8211">#8211</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1239343674" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8243" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8243/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8243">#8243</a>)</p> </li> <li> <p>Optimized the reverse composition logic of <code>flip</code> and <code>cumsum</code>, and remove some grad operators. When testing Grad diffs, used random value tests to increase test robustness. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227864087" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8155" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8155/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8155">#8155</a>)</p> </li> <li> <p>Optimized the memory usage of the <code>NormalizationAddReluGrad</code> operator and added versions that does not require addend_diff. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1235916018" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8213" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8213/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8213">#8213</a>)</p> </li> <li> <p>Optimized and sped up the implementation of <code>tensor.reshape</code> and <code>tensor.reshape_as</code> from python implementation to c++ implementation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1247834862" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8304" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8304/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8304">#8304</a>)</p> </li> <li> <p>Converted <code>tensor.view</code>, <code>tensor.view_as</code>, <code>tensor.permute</code>, <code>tensor.transpose</code>, <code>tensor.contiguous_</code> from python implementation to c++ implementation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1249610913" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8317" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8317/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8317">#8317</a>)</p> </li> <li> <p>Greatly optimized the performance of <code>index_select</code> and <code>repeat_interleave</code> by using gather to replace dim gather. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1258009923" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8360" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8360/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8360">#8360</a>)</p> </li> <li> <p>Optimized and removed temporary memory in cumprod cpu grad kernel. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1261501598" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8369" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8369/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8369">#8369</a>)</p> </li> <li> <p>The <code>embedding</code> operator supported amp, improved the performance under normal path, and fixed the bug that the gather cpu kernel memory out of bounds. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1261628928" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8374" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8374/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8374">#8374</a>)</p> </li> <li> <p>Optimized the performance of <code>Tensor.fill_</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1245130196" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8283" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8283/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8283">#8283</a>)</p> </li> <li> <p>Greatly optimized the performance of the broadcast element-wise binary family operators in reverse calculation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1253747981" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8339" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8339/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8339">#8339</a>)</p> </li> <li> <p>Added fusion operator BinaryCrossEntropyWithLogitsReduceMean. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1282162704" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8476" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8476/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8476">#8476</a>)</p> </li> <li> <p>Added high-performance matrix multiplication Fused kernel based on cublasLt. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1280024687" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8462" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8462/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8462">#8462</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1236906741" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8222" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8222/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8222">#8222</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1209279460" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8063" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8063/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8063">#8063</a>)</p> </li> </ul> <h2>Primitive</h2> <ul> <li>Lowered the elementwise.cuh template's requirement for pointer alignment.</li> </ul> <h1>Improvements</h1> <h2>Graph</h2> <ul> <li> <p>Exported oneflow env to python and used python's objects to manage its lifecycle. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1168120372" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7792" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7792/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7792">#7792</a>)</p> </li> <li> <p>Used Python's reference counting to control the life cycle of Graph and constructed strict and rich destruction test cases. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1176301972" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7857" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7857/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7857">#7857</a>)</p> </li> <li> <p>Supported recycling independent threads that can no longer be reused when Graph is destructed. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1176358970" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7862" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7862/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7862">#7862</a>)</p> </li> <li> <p>Changed the basic configuration of resource from one-time static effect to real-time effect. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1276336272" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8444" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8444/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8444">#8444</a>)</p> </li> <li> <p>Consolidated the nccl_comm dynamically created by the Graph NCCL logical kernel into the runtime for initial creation to avoid the deadlock caused by the inconsistency between the creation order of each rank and the eager nccl comm creation order. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1241852163" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8263" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8263/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8263">#8263</a>)</p> </li> <li> <p>Refactor optimization: Merged <code>nn.graph.util.IONode</code> , <code>nn.graph.util.IONodeType</code> into IOArgs. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1243161111" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8272" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8272/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8272">#8272</a>)</p> </li> <li> <p>Refactor optimization: Renamed the global singleton Global object to the Singleton object. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1285145296" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8490" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8490/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8490">#8490</a>)</p> </li> <li> <p>Refactor optimization: Removed gpu_device_num (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1288135247" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8516" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8516/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8516">#8516</a>)</p> </li> <li> <p>Refactor optimization: Removed outdated AvailableMemDesc concepts. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227361080" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8145" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8145/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8145">#8145</a>)</p> </li> <li> <p>Refactor optimization: Removed outdated Model IO Kernel logic. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227557820" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8151" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8151/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8151">#8151</a>)</p> </li> <li> <p>Refactor optimization: Replaced GpuDeviceNum with the actual number of devices to avoid coupling with specific device types. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1229052135" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8166" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8166/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8166">#8166</a>)</p> </li> </ul> <h2>Eager</h2> <ul> <li> <p>C++ is available now. You can manually trigger allocator gc on each stream (applicable in ZeRO)(<a href="https://github.com/Oneflow-Inc/oneflow/pull/8452%EF%BC%89" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8452/hovercard">https://github.com/Oneflow-Inc/oneflow/pull/8452)</a></p> </li> <li> <p>The execution of Eager VirtualMachine instruction is based on the execution of EP. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1184643747" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7923" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7923/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7923">#7923</a>)</p> </li> <li> <p>Optimized and removed all redundant interfaces of <code> Get(Ptr)OrThrow</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1170478985" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7812" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7812/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7812">#7812</a>)</p> </li> <li> <p>Added the validity check of <code>flow.save(global_dst_rank)</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1194386505" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7964" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7964/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7964">#7964</a>)</p> </li> <li> <p>Supported the backward function node to run multiple times if it does not capture any tensor. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1205390706" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8031" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8031/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8031">#8031</a>)</p> </li> <li> <p>Added the <code>ThreadLocalCached</code> decorator to clear the cache in time to alleviate increasing memory. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1176335197" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7858" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7858/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7858">#7858</a>)</p> </li> <li> <p>Added std for C++14::inclusive_scan/std::exclusive_scan implementations. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1225421754" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8128" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8128/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8128">#8128</a>)</p> </li> <li> <p>Packaged the parameters required by the eager opkernel and pass them in each thread to solve some thread-unsafe problems. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1151635216" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7617" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7617/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7617">#7617</a>)</p> </li> <li> <p>Eager Stream supports kernel computation on pinned memory. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1283781764" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8486" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8486/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8486">#8486</a>)</p> </li> <li> <p>Introduced a tool class for dim range check to replace simplified Functor's various checking logic for dimensions. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1263355111" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8382" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8382/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8382">#8382</a>)</p> </li> <li> <p>Refactoring and optimization: removed the Blob object in EagerBlobObject, which leads to redundant TensorView instructions. At the same time, in order to support ShapeView efficiently, the elem_cnt attribute has also been removed. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1180505160" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7895" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7895/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7895">#7895</a>)</p> </li> <li> <p>Refactoring and optimization: extracted the algorithm used by BinAllocator to share dynamic memory pools</p> </li> <li> <p>Refactoring and optimization: <code>VectorAt</code> and <code>MapAt</code> functions uniformly use reference to pass parameters to solve the mixed use of reference interface and pointer interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1232837964" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8191" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8191/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8191">#8191</a>)</p> </li> <li> <p>Refactoring and optimization: removed the cfg application on C++. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1228522712" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8158" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8158/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8158">#8158</a>)</p> </li> <li> <p>Refactoring and optimization: removed the outdated code related to RemoteBlob in Single-Client. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1237947154" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8228" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8228/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8228">#8228</a>)</p> </li> <li> <p>Refactoring and optimization: merged duplicate logic in eager boxing ccl and nccl boxing expr. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1186091031" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7930" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7930/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7930">#7930</a>)</p> </li> <li> <p>Refactoring and optimization: removed cfg on Python and reduced the number of symbols to optimize the link speed of compilation.</p> </li> <li> <p>Refactoring and optimization: merged <code>symbol::IdCache</code> and <code>symbol::Storage</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1252459206" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8331" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8331/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8331">#8331</a>)</p> </li> <li> <p>Refactoring and optimization: introduced <code>llvm::SmallVetor</code> and used <code>oneflow::small_vector</code> instead of <code>fixed_vector</code>. Besides, we have optimized the implementation and usage of Shape and Stride. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1261255435" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8365" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8365/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8365">#8365</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1268204754" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8402" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8402/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8402">#8402</a>)</p> </li> <li> <p>Refactoring and optimization: refactored ShapeView and Shape to eliminated duplication and inconsistencies. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1270450634" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8422" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8422/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8422">#8422</a>)</p> </li> <li> <p>Refactoring and optimization: eager VirtualMachine has decoupled InstructionType's dependency on StreamType. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1150187132" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7607" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7607/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7607">#7607</a>)</p> </li> <li> <p>Refactoring and optimization: removed the InstructionMsg class and merged all its functions and fields into the Instruction class. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1153063951" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7623" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7623/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7623">#7623</a>)</p> </li> </ul> <h2>Operators &amp; Tensor</h2> <ul> <li> <p>Stride support:</p> <ul> <li> <p>Tensor, UserOp and UserKernel in <code>user_op::</code> all supported stride attribute. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1173112138" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7829" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7829/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7829">#7829</a>)</p> </li> <li> <p><code>cast</code> supports stride. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1246621007" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8292" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8292/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8292">#8292</a>)</p> </li> </ul> </li> <li> <p>View support and optimization:</p> <ul> <li> <p>Added a new input tensor to decide whether to support non-contiguous when making op definitions. Besides, we now support <code>transpose</code>, <code>permute</code>, <code>narrow</code>, <code>expand</code>, <code>expand_as</code>, <code>split</code>, <code>chunk</code>, <code>unfold_tensor</code>, <code>movedim</code>, <code>as_strided</code>, <code>select</code>, <code>swapaxes</code>, <code>T</code>, <code>t</code>, <code>hsplit</code>, <code>vsplit</code>, <code>tensor_split</code> none-contiguous view ops.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1170487470" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7813" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7813/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7813">#7813</a>)</p> </li> <li> <p>Tensor slice used view operations by default.(<a href="https://github.com/Oneflow-Inc/oneflow/pull/8302%EF%BC%89" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8302/hovercard">https://github.com/Oneflow-Inc/oneflow/pull/8302)</a></p> </li> </ul> </li> <li> <p>Automatically generated version status (Feature Stage) for OneFlow's API. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1189169068" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7945" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7945/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7945">#7945</a>)</p> </li> <li> <p>Optimized CUDA memset to <code>cudaMemsetAsync</code>(<a href="https://github.com/Oneflow-Inc/oneflow/pull/7763%EF%BC%89" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7763/hovercard">https://github.com/Oneflow-Inc/oneflow/pull/7763)</a></p> </li> <li> <p><code>LeakyReLU</code> supported inplace optimization. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1209125996" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8060" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8060/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8060">#8060</a>)</p> </li> <li> <p>Added the following parameters to <code>nn.Embedding</code> interface: <code>padding_idx</code>, <code>max_norm</code>, <code>norm_type</code>, <code>scale_grad_by_freq</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1217406623" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8110" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8110/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8110">#8110</a>)</p> </li> <li> <p>Aligned PyTorch's <code>max_pool_1d</code>, <code>max_pool_2d</code>, <code>max_pool_3d</code>, <code>avg_pool_1d</code>, <code>avg_pool_2d</code>, <code>avg_pool_3d</code>, and distinguish old pooling kernel aligned with TensorFlow. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1218090485" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8111" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8111/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8111">#8111</a>)</p> </li> <li> <p>VectorAt supported passing in non-const references: <code>JUST(VectorAt(vec, 1)) = 5;</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1202856768" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8013" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8013/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8013">#8013</a>)</p> </li> <li> <p>Reduced the uncommon kernel template specializations of layer norm. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1235049773" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8209" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8209/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8209">#8209</a>)</p> </li> <li> <p>Modified the logic of <code>Tensor.numpy</code> to avoid extra memory growth when saving the model. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1276713019" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8449" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8449/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8449">#8449</a>)</p> </li> <li> <p>Tensor str supported printing nd sbp. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1279433718" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8458" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8458/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8458">#8458</a>)</p> </li> <li> <p>Slice supported SBP infer (S-&gt;P), and the semi-automatically deduced sbp was able to selecte the same sbp as expected in the reducible nd_sbp. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1289917787" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8536" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8536/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8536">#8536</a>)</p> </li> <li> <p>When printing non-CPU and non-CUDA tensor, you must copy to cpu first and then print. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1291246820" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8548" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8548/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8548">#8548</a>)</p> </li> <li> <p>Refactoring and optimization: decoupling user kernel and device tag. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1289542357" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8529" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8529/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8529">#8529</a>)</p> </li> <li> <p>Refactoring and optimization: a series of kernels (<code>squeeze</code>, <code>reshape_like</code>, <code>flatten</code>, <code>expand_dims</code>, <code>reshape</code>, <code>amp_white_identity</code>, <code>identity</code>, <code>identity_buffer</code>, <code>parallel_cast</code>, <code>hierarchical_parallel_cast</code>, <code> hierarchical_parallel_cast_like</code>) were refactored to CopyDataContentKernel <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1290026111" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8537" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8537/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8537">#8537</a></p> </li> <li> <p>Refactoring and optimization: removed obsolete <code>constant_pad1d</code> , <code>constant_pad2d</code> , <code>constant_pad3d</code> kernel. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1218368221" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8113" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8113/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8113">#8113</a>)</p> </li> <li> <p>Refactoring and optimization: removed obsolete old lazy <code>upsample</code> kernel implementation.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1232252411" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8188" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8188/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8188">#8188</a>)</p> </li> <li> <p>Refactoring and optimization: removed obsolete message in shape proto and used sequential to represent stride. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1236765587" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8220" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8220/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8220">#8220</a>)</p> </li> <li> <p>Refactoring and optimization: removed obsolete multiply kernel, whick was included in <code>broadcast_mul</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1257943495" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8359" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8359/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8359">#8359</a>)</p> </li> <li> <p>Refactoring and optimization: Renamed the shape in UserOp/Kernel to shape_view interface. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1273082545" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8433" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8433/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8433">#8433</a>)</p> </li> <li> <p>Refactoring and optimization: removed oneflow gemm. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1285405198" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8499" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8499/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8499">#8499</a>)</p> </li> <li> <p>Optimized the Maybe return type of such interfaces as Scalar.As(). (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1255714997" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8348" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8348/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8348">#8348</a>)</p> </li> </ul> <h2>Device</h2> <ul> <li> <p>Code refactoring <code>ep::CpuDevice</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1182842087" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7911" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7911/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7911">#7911</a>)</p> </li> <li> <p>Code refactoring: removed hard-coded special decision for device type like "cpu", "cuda" from system code. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1233805407" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8201" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8201/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8201">#8201</a>)</p> </li> <li> <p>Removed all dnn-related interfaces from the old version of KernelUtil (Primitive will be used to replace those interfaces). (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227327824" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8141" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8141/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8141">#8141</a>)</p> </li> <li> <p>Removed all interfaces related to mathematical calculation in the old version of KernelUtil (Primitive will be used to replace those interfaces). (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1228511196" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8157" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8157/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8157">#8157</a>)</p> </li> <li> <p>Removed incomplete special decision for 'cuda 'device type in scope util. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1229419069" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8173" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8173/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8173">#8173</a>)</p> </li> <li> <p>Achieved delayed capture of CUDA Graph(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1282073915" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8474" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8474/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8474">#8474</a>)</p> </li> <li> <p>Code refactoring: removed cuda_event. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1285276573" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8493" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8493/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8493">#8493</a>)</p> </li> <li> <p>Code refactoring: removed useless WITH_CUDA macro. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1292975130" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8562" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8562/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8562">#8562</a>)</p> </li> </ul> <h2>Tests</h2> <h3>Eager Global Module Tests:</h3> <p>In 0.8.0, we have completed the ability of all kernels to deal with global tensor in distributed situation, and fixed many known bugs related to sbp. The global tensor worked efficiently and correctly at the kernel level. No matter how the distributed topology structure changes, the same algorithm logic can efficiently get mathematically consistent results, which greatly reduced the trouble of verifying correctness in the complex, diverse and asymmetric distributed parallel training process.</p> <table> <thead> <tr> <th>module/functional op</th> <th>PR</th> </tr> </thead> <tbody> <tr> <td>abs</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7540" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7540/hovercard">Oneflow-Inc/oneflow#7540</a></td> </tr> <tr> <td>0_dim_tensor</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7540" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7540/hovercard">Oneflow-Inc/oneflow#7540</a></td> </tr> <tr> <td>activation</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7540" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7540/hovercard">Oneflow-Inc/oneflow#7540</a></td> </tr> <tr> <td>adaptive_pool</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7563" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7563/hovercard">Oneflow-Inc/oneflow#7563</a></td> </tr> <tr> <td>addmm</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7565" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7565/hovercard">Oneflow-Inc/oneflow#7565</a></td> </tr> <tr> <td>add</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7204" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7204/hovercard">Oneflow-Inc/oneflow#7204</a></td> </tr> <tr> <td>affine_grid</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7578" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7578/hovercard">Oneflow-Inc/oneflow#7578</a></td> </tr> <tr> <td>arange</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7576" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7576/hovercard">Oneflow-Inc/oneflow#7576</a></td> </tr> <tr> <td>argmax</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7579" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7579/hovercard">Oneflow-Inc/oneflow#7579</a></td> </tr> <tr> <td>argmin</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7581" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7581/hovercard">Oneflow-Inc/oneflow#7581</a></td> </tr> <tr> <td>argsort</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7582" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7582/hovercard">Oneflow-Inc/oneflow#7582</a></td> </tr> <tr> <td>argwhere</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7584" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7584/hovercard">Oneflow-Inc/oneflow#7584</a></td> </tr> <tr> <td>avgpool</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7585" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7585/hovercard">Oneflow-Inc/oneflow#7585</a></td> </tr> <tr> <td>batch_gather</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7590" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7590/hovercard">Oneflow-Inc/oneflow#7590</a></td> </tr> <tr> <td>bernoulli</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7732" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7732/hovercard">Oneflow-Inc/oneflow#7732</a></td> </tr> <tr> <td>bmm</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7741" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7741/hovercard">Oneflow-Inc/oneflow#7741</a></td> </tr> <tr> <td>broadcast_like</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7742" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7742/hovercard">Oneflow-Inc/oneflow#7742</a></td> </tr> <tr> <td>cast</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7773" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7773/hovercard">Oneflow-Inc/oneflow#7773</a></td> </tr> <tr> <td>ceil</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7744" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7744/hovercard">Oneflow-Inc/oneflow#7744</a></td> </tr> <tr> <td>chunk</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7750" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7750/hovercard">Oneflow-Inc/oneflow#7750</a></td> </tr> <tr> <td>clamp</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7752" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7752/hovercard">Oneflow-Inc/oneflow#7752</a></td> </tr> <tr> <td>clip_grad</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7757" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7757/hovercard">Oneflow-Inc/oneflow#7757</a></td> </tr> <tr> <td>concat</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7204" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7204/hovercard">Oneflow-Inc/oneflow#7204</a></td> </tr> <tr> <td>conv1d</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7769" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7769/hovercard">Oneflow-Inc/oneflow#7769</a></td> </tr> <tr> <td>conv2d</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7771" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7771/hovercard">Oneflow-Inc/oneflow#7771</a></td> </tr> <tr> <td>conv3d</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7771" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7771/hovercard">Oneflow-Inc/oneflow#7771</a></td> </tr> <tr> <td>cumsum</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7772" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7772/hovercard">Oneflow-Inc/oneflow#7772</a></td> </tr> <tr> <td>deconv2d</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7772" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7772/hovercard">Oneflow-Inc/oneflow#7772</a></td> </tr> <tr> <td>diagonal</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7772" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7772/hovercard">Oneflow-Inc/oneflow#7772</a></td> </tr> <tr> <td>diag</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>div</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>dot</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>dropout</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7772" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7772/hovercard">Oneflow-Inc/oneflow#7772</a></td> </tr> <tr> <td>empty</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7508" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7508/hovercard">Oneflow-Inc/oneflow#7508</a></td> </tr> <tr> <td>eq</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>erfc</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>erf</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>expand</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7772" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7772/hovercard">Oneflow-Inc/oneflow#7772</a></td> </tr> <tr> <td>expm1</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>eye</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>flatten</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>flip</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7496" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7496/hovercard">Oneflow-Inc/oneflow#7496</a></td> </tr> <tr> <td>floor</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>fmod</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>fold</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7772" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7772/hovercard">Oneflow-Inc/oneflow#7772</a></td> </tr> <tr> <td>greater_equal</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7421/hovercard">Oneflow-Inc/oneflow#7421</a></td> </tr> <tr> <td>greater</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7366" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7366/hovercard">Oneflow-Inc/oneflow#7366</a></td> </tr> <tr> <td>fused_bias_add_dropout</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7867/hovercard">Oneflow-Inc/oneflow#7867</a></td> </tr> <tr> <td>fused_bias_add_gelu</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7867/hovercard">Oneflow-Inc/oneflow#7867</a></td> </tr> <tr> <td>fused_scale_mask_softmax_dropout</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7867/hovercard">Oneflow-Inc/oneflow#7867</a></td> </tr> <tr> <td>fused_scale_mask_softmax</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7867/hovercard">Oneflow-Inc/oneflow#7867</a></td> </tr> <tr> <td>fused_scale_tril</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7867/hovercard">Oneflow-Inc/oneflow#7867</a></td> </tr> <tr> <td>fused_self_attention</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7867/hovercard">Oneflow-Inc/oneflow#7867</a></td> </tr> <tr> <td>fused_tril_softmax_mask_scale</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7867/hovercard">Oneflow-Inc/oneflow#7867</a></td> </tr> <tr> <td>gather_nd</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7880" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7880/hovercard">Oneflow-Inc/oneflow#7880</a></td> </tr> <tr> <td>gather</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7880" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7880/hovercard">Oneflow-Inc/oneflow#7880</a></td> </tr> <tr> <td>glu</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7880" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7880/hovercard">Oneflow-Inc/oneflow#7880</a></td> </tr> <tr> <td>grid_sample</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7881" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7881/hovercard">Oneflow-Inc/oneflow#7881</a></td> </tr> <tr> <td>groupnorm</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7885" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7885/hovercard">Oneflow-Inc/oneflow#7885</a></td> </tr> <tr> <td>masked_fill</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7457" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7457/hovercard">Oneflow-Inc/oneflow#7457</a></td> </tr> <tr> <td>masked_select</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7492" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7492/hovercard">Oneflow-Inc/oneflow#7492</a></td> </tr> <tr> <td>math_ops</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7461" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7461/hovercard">Oneflow-Inc/oneflow#7461</a></td> </tr> <tr> <td>matmul</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7465" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7465/hovercard">Oneflow-Inc/oneflow#7465</a></td> </tr> <tr> <td>maxpool</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7683" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7683/hovercard">Oneflow-Inc/oneflow#7683</a></td> </tr> <tr> <td>max</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7450" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7450/hovercard">Oneflow-Inc/oneflow#7450</a></td> </tr> <tr> <td>mean</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7650" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7650/hovercard">Oneflow-Inc/oneflow#7650</a></td> </tr> <tr> <td>meshgrid</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7533" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7533/hovercard">Oneflow-Inc/oneflow#7533</a></td> </tr> <tr> <td>min_max_observer</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7725" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7725/hovercard">Oneflow-Inc/oneflow#7725</a></td> </tr> <tr> <td>min</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7450" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7450/hovercard">Oneflow-Inc/oneflow#7450</a></td> </tr> <tr> <td>movedim</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7679" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7679/hovercard">Oneflow-Inc/oneflow#7679</a></td> </tr> <tr> <td>moving_average_min_max_observer</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7726" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7726/hovercard">Oneflow-Inc/oneflow#7726</a></td> </tr> <tr> <td>mul</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7717" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7717/hovercard">Oneflow-Inc/oneflow#7717</a></td> </tr> <tr> <td>narrow</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7647" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7647/hovercard">Oneflow-Inc/oneflow#7647</a></td> </tr> <tr> <td>negative</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7644" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7644/hovercard">Oneflow-Inc/oneflow#7644</a></td> </tr> <tr> <td>ne</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7642" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7642/hovercard">Oneflow-Inc/oneflow#7642</a></td> </tr> <tr> <td>nms</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7536" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7536/hovercard">Oneflow-Inc/oneflow#7536</a></td> </tr> <tr> <td>nonzero</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7645" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7645/hovercard">Oneflow-Inc/oneflow#7645</a></td> </tr> <tr> <td>normalize</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7635" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7635/hovercard">Oneflow-Inc/oneflow#7635</a></td> </tr> <tr> <td>ones_like</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7635" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7635/hovercard">Oneflow-Inc/oneflow#7635</a></td> </tr> <tr> <td>parital_fc</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7534" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7534/hovercard">Oneflow-Inc/oneflow#7534</a></td> </tr> <tr> <td>permute</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7635" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7635/hovercard">Oneflow-Inc/oneflow#7635</a></td> </tr> <tr> <td>prod</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7635" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7635/hovercard">Oneflow-Inc/oneflow#7635</a></td> </tr> <tr> <td>randint</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7508" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7508/hovercard">Oneflow-Inc/oneflow#7508</a></td> </tr> <tr> <td>rand</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7508" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7508/hovercard">Oneflow-Inc/oneflow#7508</a></td> </tr> <tr> <td>reshape</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7472" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7472/hovercard">Oneflow-Inc/oneflow#7472</a></td> </tr> <tr> <td>roi_align</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7794" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7794/hovercard">Oneflow-Inc/oneflow#7794</a></td> </tr> <tr> <td>scatter_nd</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7807" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7807/hovercard">Oneflow-Inc/oneflow#7807</a></td> </tr> <tr> <td>scatter_ops</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7807" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7807/hovercard">Oneflow-Inc/oneflow#7807</a></td> </tr> <tr> <td>sign</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7818" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7818/hovercard">Oneflow-Inc/oneflow#7818</a></td> </tr> <tr> <td>slice</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7818" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7818/hovercard">Oneflow-Inc/oneflow#7818</a></td> </tr> <tr> <td>softplus</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7818" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7818/hovercard">Oneflow-Inc/oneflow#7818</a></td> </tr> <tr> <td>sparse_softmax_cross_entr</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7298" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7298/hovercard">Oneflow-Inc/oneflow#7298</a></td> </tr> <tr> <td>split</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7277" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7277/hovercard">Oneflow-Inc/oneflow#7277</a></td> </tr> <tr> <td>sqrt_square_sum</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7277" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7277/hovercard">Oneflow-Inc/oneflow#7277</a></td> </tr> <tr> <td>squeeze</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7289" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7289/hovercard">Oneflow-Inc/oneflow#7289</a></td> </tr> <tr> <td>stack</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7289" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7289/hovercard">Oneflow-Inc/oneflow#7289</a></td> </tr> <tr> <td>stateful_kernel_with_cache</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7289" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7289/hovercard">Oneflow-Inc/oneflow#7289</a></td> </tr> <tr> <td>std</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7303" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7303/hovercard">Oneflow-Inc/oneflow#7303</a></td> </tr> <tr> <td>sub</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7303" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7303/hovercard">Oneflow-Inc/oneflow#7303</a></td> </tr> <tr> <td>sum</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7303" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7303/hovercard">Oneflow-Inc/oneflow#7303</a></td> </tr> <tr> <td>tensor_ops</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7307" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7307/hovercard">Oneflow-Inc/oneflow#7307</a></td> </tr> <tr> <td>tensor_scatter_nd_update</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7308" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7308/hovercard">Oneflow-Inc/oneflow#7308</a></td> </tr> <tr> <td>tile</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7322" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7322/hovercard">Oneflow-Inc/oneflow#7322</a></td> </tr> <tr> <td>transpose</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7332" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7332/hovercard">Oneflow-Inc/oneflow#7332</a></td> </tr> <tr> <td>tril</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7322" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7322/hovercard">Oneflow-Inc/oneflow#7322</a></td> </tr> <tr> <td>TripletMarginLoss</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7332" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7332/hovercard">Oneflow-Inc/oneflow#7332</a></td> </tr> <tr> <td>triu</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7882" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7882/hovercard">Oneflow-Inc/oneflow#7882</a></td> </tr> <tr> <td>unfold</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7883" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7883/hovercard">Oneflow-Inc/oneflow#7883</a></td> </tr> <tr> <td>unfold_tensor</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7883" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7883/hovercard">Oneflow-Inc/oneflow#7883</a></td> </tr> <tr> <td>unsqueeze</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7882" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7882/hovercard">Oneflow-Inc/oneflow#7882</a></td> </tr> <tr> <td>upsample</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7884" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7884/hovercard">Oneflow-Inc/oneflow#7884</a></td> </tr> <tr> <td>var</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7891" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7891/hovercard">Oneflow-Inc/oneflow#7891</a></td> </tr> <tr> <td>view</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7886" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7886/hovercard">Oneflow-Inc/oneflow#7886</a></td> </tr> <tr> <td>weight_norm</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7886" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7886/hovercard">Oneflow-Inc/oneflow#7886</a></td> </tr> <tr> <td>where</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7886" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7886/hovercard">Oneflow-Inc/oneflow#7886</a></td> </tr> <tr> <td>zeropad2d</td> <td><a href="https://github.com/Oneflow-Inc/oneflow/pull/7886" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7886/hovercard">Oneflow-Inc/oneflow#7886</a></td> </tr> </tbody> </table> <h3>EP::Primitive</h3> <p>Completed some unit tests of Primitive <code>log_softmax</code>, <code>softmax</code>, <code>copynd</code>, <code>Memset</code>, <code>Memcpy</code>, <code>matmul</code>, <code>add</code>, binary, unary, <code>matmul</code>, <code>batch_matmul</code>, fill etc. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1226141906" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8132" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8132/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8132">#8132</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1226654744" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8139" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8139/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8139">#8139</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1226415729" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8137" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8137/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8137">#8137</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1217161131" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8109" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8109/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8109">#8109</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227354879" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8143" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8143/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8143">#8143</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1217086949" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8108" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8108/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8108">#8108</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227746300" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8154" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8154/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8154">#8154</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227746300" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8154" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8154/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8154">#8154</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1220192534" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8118" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8118/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8118">#8118</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1246405335" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8291" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8291/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8291">#8291</a>)</p> <h2>Exception</h2> <p>Improve exception error handling</p> <ul> <li> <p>Added <code>reshape</code> exception handling. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1174917468" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7847" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7847/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7847">#7847</a>)</p> </li> <li> <p>Improved the error message of module when the input information does not match. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1184367501" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7918" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7918/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7918">#7918</a>)</p> </li> <li> <p>Added the <code>MAYBE_NEED_ERROR_MSG_CHECK</code> environment variable to check whether the CHECK function of Maybe contains oneflow:: Error message. It is used to prompt developers to add error prompt message. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1190549582" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7955" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7955/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7955">#7955</a>)</p> </li> <li> <p>Improved the exception error message of <code>gather</code> op.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1196079817" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7979" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7979/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7979">#7979</a>)</p> </li> <li> <p>Improved <code>LayerNorm</code> error message. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1213910902" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8090" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8090/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8090">#8090</a>)</p> </li> <li> <p>Optimized the error message when Eager and Graph encounter multiple inconsistent input placement in op. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1208172525" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8054" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8054/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8054">#8054</a>)</p> </li> <li> <p>Improved the error message checking in activation-related kernel processing logic.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1212113226" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8080" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8080/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8080">#8080</a>)</p> </li> <li> <p>Improved the error message in <code>tensor.to_global</code> and <code>tensor.to_local</code>. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1209507019" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8067" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8067/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8067">#8067</a>)</p> </li> <li> <p>Improved the exception error message in the <code>dot</code> kernel. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1207714616" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8051" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8051/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8051">#8051</a>)</p> </li> <li> <p>Rewrited the exception check in <code>batch_matmul</code> kernel. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1232134315" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8186" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8186/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8186">#8186</a>)</p> </li> <li> <p>Fixed the problem of exception error checking when Python parses arg. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1234045790" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8205" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8205/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8205">#8205</a>)</p> </li> <li> <p>Improved the exception error checking logic of all array functor. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1219616620" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8116" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8116/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8116">#8116</a>)</p> </li> <li> <p>Improved the exception error checking logic of all binary functor. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1228584586" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8161" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8161/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8161">#8161</a>)</p> </li> <li> <p>Improved the exception error reporting logic in nn grad functor. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1235489790" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8210" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8210/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8210">#8210</a>)</p> </li> <li> <p>Added error message when Graph.build is not reloaded. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1239723689" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8250" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8250/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8250">#8250</a>)</p> </li> <li> <p>Added TypeError type and device-related error message. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1208486041" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8057" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8057/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8057">#8057</a>)</p> </li> <li> <p>Improved the error message of Eager SliceBoxing. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1238388095" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8232" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8232/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8232">#8232</a>)</p> </li> <li> <p>Improved the error message of broadcast op. (Improve the error message of broadcast op)</p> </li> <li> <p>Improved the error message of Eager Boxing when it is at runtime. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1185808473" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7926" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7926/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7926">#7926</a>)</p> </li> <li> <p>Improved the error message of Tensor index. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1238451057" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8234" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8234/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8234">#8234</a>)</p> </li> <li> <p>Improved the error message in nn.functor. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1182805725" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7910" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7910/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7910">#7910</a>)</p> </li> <li> <p>Added check for Physical Shape when Graph compiles exec_graph. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1200098965" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8002" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8002/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8002">#8002</a>)</p> </li> <li> <p>Added default error message for CUDA check. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1271789143" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8427" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8427/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8427">#8427</a>)</p> </li> <li> <p>Added similar error checking information to add n calculation. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1285358095" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8495" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8495/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8495">#8495</a>)</p> </li> <li> <p>Improved the error message of arg sort. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1287206895" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8513" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8513/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8513">#8513</a>)</p> </li> <li> <p>Improved the error message of bias add. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1288466048" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8524" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8524/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8524">#8524</a>)</p> </li> <li> <p>Improved the error message in autograd function. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1285361524" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8496" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8496/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8496">#8496</a>)</p> </li> <li> <p>Improved the error message of batch gather. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1289742705" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8533" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8533/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8533">#8533</a>)</p> </li> <li> <p>Improved the error message prompt of defense code in autograd. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1288484812" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8525" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8525/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8525">#8525</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1290884529" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8541" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8541/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8541">#8541</a>)</p> </li> </ul> <h2>Build</h2> <ul> <li> <p>Supported CUDA 11.5, 11.6. (ttps://github.com/<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1175112682" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7852" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7852/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7852">/pull/7852</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1270554316" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8423" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8423/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8423">#8423</a>)</p> </li> <li> <p>Fixed the version of click at 8.0.0. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1195403262" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7967" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7967/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7967">#7967</a>)</p> </li> <li> <p>Updated nccl version to 2.12.10. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1171908730" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7822" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7822/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7822">#7822</a>)</p> </li> <li> <p>Default alignment pytorch version 1.10.0. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1078232302" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7019" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7019/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7019">#7019</a>)</p> </li> <li> <p>Updated tvm oneflow frontend dependencies. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1207652603" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8048" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8048/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8048">#8048</a>)</p> </li> <li> <p>Updated the version of LLVM/MLIR to support IREE. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1209735570" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8068" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8068/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8068">#8068</a> , <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1280003441" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8461" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8461/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8461">#8461</a>)</p> </li> <li> <p>Fixed the version of protobuf between 3.9.2 to 4.0. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1233624572" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8198" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8198/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8198">#8198</a>)</p> </li> <li> <p>Removed the cfg tool in cmake. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1236701494" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8218" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8218/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8218">#8218</a>)</p> </li> <li> <p>The environment variable of CMAKE INTERPROCEDURAL OPTIMIZATION was enabled by default. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1238516204" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8237" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8237/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8237">#8237</a>)</p> </li> <li> <p>Removed the XRT part in the OneFlow source code, and the OneFlow-XRT will be used as a third-party plugin for oneflow. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1243876455" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8273" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8273/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8273">#8273</a> ,<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1246041582" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8288" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8288/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8288">#8288</a>)</p> <ul> <li>read more: <a href="https://github.com/Oneflow-Inc/oneflow-xrt">https://github.com/Oneflow-Inc/oneflow-xrt</a></li> </ul> </li> <li> <p>Changed Liboneflow to dynamic library. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1249355196" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8312" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8312/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8312">#8312</a>)</p> </li> <li> <p>Updated the version of clang-tidy to 14.0.4. Supports the following syntax now: NOLINT, NOLINTNEXTLINE, NOLINTBEGIN &amp; NOLINTEND. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1249023288" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8306" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8306/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8306">#8306</a>)</p> </li> <li> <p>Removed <code>EXTERNAL_INCLUDE_DIRS</code> , only builds with target. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1270215631" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8421/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8421">#8421</a>)</p> </li> <li> <p>Removed obsolete linkages in cmake. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1271653036" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8426" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8426/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8426">#8426</a>)</p> </li> </ul> <h2>CI</h2> <p>Improve the running speed and stability of CI</p> <ul> <li> <p>Supported CI to automatically upload built docs.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1180330646" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7894" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7894/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7894">#7894</a> <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1184193476" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7917" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7917/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7917">#7917</a>)</p> </li> <li> <p>Added CI test for IREE. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1270208127" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8419" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8419/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8419">#8419</a>)</p> </li> <li> <p>Printed the pip package in the container used to test in order to query version information easily. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1190495182" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7952" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7952/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7952">#7952</a>)</p> </li> <li> <p>Optimized the old version of SpeedTest. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1177534670" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7871" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7871/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7871">#7871</a> <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1198658881" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7990" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7990/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7990">#7990</a> <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1205516101" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8035" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8035/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8035">#8035</a>)</p> </li> <li> <p>Optimized the memory used by AutoTest. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1198107781" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7988" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7988/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7988">#7988</a>)</p> </li> <li> <p>Adjusted the threshold of benchmark. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1206785062" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8043" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8043/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8043">#8043</a>)</p> </li> <li> <p>Adjusted the timeout threshold. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1216662331" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8103" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8103/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8103">#8103</a>)</p> </li> <li> <p>Optimized the warning output related to <code>__del__</code> in CI. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1207656061" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8049" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8049/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8049">#8049</a>)</p> </li> <li> <p>Optimized the interval of gc to improve the test speed. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1226478972" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8138" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8138/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8138">#8138</a>)</p> </li> <li> <p>Optimized the use of super Tensor in CI unit test to avoid gc too slow and slow down the running speed of CI. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1230481944" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8177" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8177/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8177">#8177</a>)</p> </li> <li> <p>Optimized the number of CI build to improve the speed of build. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1238206104" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8229" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8229/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8229">#8229</a>)</p> </li> <li> <p>Optimized CI workflow, stops all workflows when a job fails. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1240569825" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8255" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8255/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8255">#8255</a>)</p> </li> <li> <p>Increased maximum parallelism 5 -&gt; 10. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1241087354" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8259" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8259/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8259">#8259</a>)</p> </li> <li> <p>Strict CI timeout-minutes. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1242556118" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8266" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8266/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8266">#8266</a>)</p> </li> <li> <p>Supported optional multi-machine testing via the <code>need-test-distributed</code> tag. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1261614790" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8372" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8372/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8372">#8372</a>)</p> </li> <li> <p>Tried to use a distributed test cache when testing on multiple machines. (<a href="https://github.com/Oneflow-Inc/oneflow/pull/8387/files">https://github.com/Oneflow-Inc/oneflow/pull/8387/files</a>)</p> </li> <li> <p>Optimized the test time of global test. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1281521956" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8468" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8468/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8468">#8468</a>)</p> </li> <li> <p>Optimized the execution time of test_math_ops, test_loss, test_activation, test_tensor_part1, test_tensor_part2 and other eager test. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1285299946" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8494" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8494/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8494">#8494</a>)</p> </li> <li> <p>Optimized test_convtranspose, test_einsum, test_sqrt_square_sum in expensive eager test. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1286736050" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8504" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8504/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8504">#8504</a>)</p> </li> </ul> <h3>Models</h3> <ul> <li> <p>Added the test of LiBai in CI. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1142711696" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7537" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7537/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7537">#7537</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1186012072" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7929" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7929/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7929">#7929</a>)</p> </li> <li> <p>Fixed the speed test for Swin-Transformer. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1173550797" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7840" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7840/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7840">#7840</a>)</p> </li> <li> <p>Added the benchmark test for flow-vision.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1169366093" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7806" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7806/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7806">#7806</a>, <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1204547720" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8024" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8024/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8024">#8024</a>)</p> </li> <li> <p>Added compatibility tests for <code>conv_mixer</code>, <code>densenet</code>, <code>ghostnet</code>, <code>googlenet</code>, <code>inception_v3</code>, <code>mnasnet</code>, <code>rexnet</code>, <code>rexnet_lite</code>, <code>res2net</code>, <code>shufflenet_v2</code>, <code>squeezenet</code>, <code>convnext</code>, <code>crossformer</code>, <code>efficientnet</code>, <code>levit</code>, <code>mlp_mixer</code>, <code>poolformer</code>, <code>pvt</code>, <code>res_mlp</code>, <code>uniformer</code>, <code>swin_transformer</code>, <code>senet</code> and other models. Fixes such compatibility issues as conv2d module padding parameter does not support string; the parameter list of functional.layer_norm is not aligned; meshgrid does not support the input of list[tensor]; adds a interface for tensor.reshape_as. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1189083770" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7942" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7942/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7942">#7942</a>)</p> </li> <li> <p>Fixed the bug of Swin-Transformer dataloader. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1206561621" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8037" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8037/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8037">#8037</a>)</p> </li> <li> <p>Added single-node 4-Gpus tests for models such as InsightFace in oneflow_face repository. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1225575704" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8130" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8130/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8130">#8130</a>)</p> </li> </ul> <h1>Bug fixes</h1> <h2>Graph</h2> <ul> <li> <p>Fixed the bug of nccl deadlock caused by CUDA kernel asynchronous launch limit for nccl logical kernel in 3-D parallelism. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1185245089" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7924" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7924/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7924">#7924</a>)</p> </li> <li> <p>Fixed cycle import of scope and session. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1199477104" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7993" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7993/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7993">#7993</a>)</p> </li> <li> <p>Used log_softmax + nll to make sparse_softmax_cross_entropy ms more stable numerically for calculating subgraphs. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1197485378" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7987" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7987/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7987">#7987</a>)</p> </li> <li> <p>Fixed the bug that B2P boxing misses TaskEdge lbi. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1207845209" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8052" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8052/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8052">#8052</a>)</p> </li> <li> <p>Fixed the problem that compilation fails due to eager free tensor is not in nn.Graph's job. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1218701390" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8114" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8114/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8114">#8114</a>)</p> </li> <li> <p>Fixed the possible problem of SegmentFault caused by BlobDesc. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1239762371" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8252" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8252/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8252">#8252</a>)</p> </li> <li> <p>Solved the bug of circular import in python 3.6. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1242578234" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8268" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8268/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8268">#8268</a>)</p> </li> <li> <p>Solved the problem that Graph's input and parameter/buffer tensors fail to handle non-contiguous tensors.(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1244554887" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8281" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8281/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8281">#8281</a>)</p> </li> <li> <p>Solved the potential deadlock caused by inconsistent partial order execution of multiple ranks in 3-D parallelism. (<a href="https://github.com/Oneflow-Inc/oneflow/pull/8226%EF%BC%89" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8226/hovercard">https://github.com/Oneflow-Inc/oneflow/pull/8226)</a></p> </li> <li> <p>Fixed the bug that Ibverbs failed to start the environment due to incorrect mtu value in special network environment. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1278137023" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8451" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8451/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8451">#8451</a>)</p> </li> <li> <p>Solved the potential deadlock caused by the partial order execution of each rank when the subsequent subgraph of GradAcc is inserted into the NCCL logical op; at the same time, traverse the subsequent subgraph of GradAcc more comprehensively to solve the problem of missing NCCL op. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1279693491" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8459" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8459/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8459">#8459</a>)</p> </li> <li> <p>Fixed the bug that NCCL logical kernels does not support bool type. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1278463466" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8455" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8455/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8455">#8455</a>)</p> </li> <li> <p>Fixed the bug of tensor detach and clone in Graph. (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1285381320" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8498" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8498/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8498">#8498</a>)</p> </li> </ul> <h2>Eager</h2> <ul> <li> <p>Aligned <code>DataLoader.__next__</code> interface (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1173303377" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7835" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7835/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7835">#7835</a>)</p> </li> <li> <p>Fixed backtracking failure when calculating higher-order derivatives, which is caused by the capturing of forward detached tensors via <code> AutoGrad</code></p> </li> <li> <p>Fixed inadequate execution of the semantics of sync by Barrier Instruction (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1160640833" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7702" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7702/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7702">#7702</a>)</p> </li> <li> <p>Fixed memory leak caused by imperfect management of VM instruction count</p> </li> <li> <p>Fixed <code>getitem</code> when tensor device id is not in the current rank</p> </li> <li> <p>Fixed <code>global norm</code> error on gradient calculation for various placements when calling clip grad in pipeline parallelism in eager global mode (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1177778944" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7879" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7879/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7879">#7879</a>)</p> </li> <li> <p>Fixed possible int32 arithmetic overflow caused by <code>Shape.elem_cnt</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1230675459" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8178" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8178/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8178">#8178</a>)</p> </li> <li> <p>Fixed incorrect results produced by <code>Module.to_global</code> when introducing parameters (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1232177934" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8187" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8187/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8187">#8187</a>)</p> </li> <li> <p>Fixed extra GPU memory usage in <code>flow.load</code> and <code>module.load_state_dict</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1247609892" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8301" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8301/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8301">#8301</a>)</p> </li> <li> <p>Fixed extra GPU memory usage when Optimizer loads models (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1249233405" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8310" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8310/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8310">#8310</a>)</p> </li> <li> <p>Fixed the error occurs when loading models via <code>flow.load</code> in multi nodes (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1249480891" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8314" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8314/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8314">#8314</a>)</p> </li> <li> <p>Fixed instability of eager caused by the introduction of callback thread (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1233336403" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8193" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8193/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8193">#8193</a>)</p> </li> <li> <p>Fixed <code>tensor.from_numpy</code> interface to avoid memory leak when the input of numpy is non-contiguous tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1265777530" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8391" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8391/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8391">#8391</a>)</p> </li> <li> <p>Fixed stack overflow when destructing the deep backward computational graph after recursion (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1208275233" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8056" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8056/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8056">#8056</a>)</p> </li> </ul> <h2>Operators &amp; Tensor</h2> <h3>Global Tensor</h3> <ul> <li> <p>Fixed global SBP inference of <code>unfold</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1177990273" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7883" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7883/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7883">#7883</a>)</p> </li> <li> <p>Fixed global SBP inference of <code>grid_sample</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1177847100" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7881" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7881/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7881">#7881</a>)</p> </li> <li> <p>Fixed incorrect pass of values in slice boxing kernel in certain cases (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1179412495" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7893" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7893/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7893">#7893</a>)</p> </li> <li> <p>Fixed eager global inplace (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1180855350" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7903" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7903/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7903">#7903</a>)</p> </li> <li> <p>Fixed SBP inference of <code>upsample</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1177991435" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7884" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7884/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7884">#7884</a>)</p> </li> <li> <p>Fixed SBP inference of <code>ScatterAdd</code>, <code>ScatterUpdate</code>, and <code>ScatterScalarUpdate</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1169524466" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7807" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7807/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7807">#7807</a>)</p> </li> <li> <p>Fixed backward memory error of <code>partial_fc</code> with Global Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1206715455" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8041" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8041/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8041">#8041</a>)</p> </li> <li> <p>Added support for S0 in <code>randperm</code> and fixed equal local tensors across all ranks in random op in Split (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1147591867" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7571" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7571/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7571">#7571</a>)</p> </li> <li> <p>Fixed tensor getitem index error in global (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227647042" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8153" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8153/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8153">#8153</a>)</p> </li> <li> <p>Fixed SBP inference of <code>RoiAlign</code> and added global unit test (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1168162744" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7794" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7794/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7794">#7794</a>)</p> </li> <li> <p>Fixed SBP inference of <code>stack</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1230811274" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8181" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8181/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8181">#8181</a>)</p> </li> <li> <p>Fixed random initialization in median under CPU global (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1239473426" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8245" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8245/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8245">#8245</a>)</p> </li> <li> <p>Fixed SBP inference of <code>narrow</code> op and added global unit test for <code>narrow</code> and <code>chunk</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1165231201" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7750" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7750/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7750">#7750</a>)</p> </li> <li> <p>Improved legal SBP list of <code>batch_matmul</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1264359691" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8385" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8385/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8385">#8385</a>)</p> </li> <li> <p>Fixed NLLLoss’ failure to support model parallelism (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1263153878" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8380" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8380/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8380">#8380</a>)</p> </li> <li> <p>Fixed S-&gt;S and S-&gt;P inference in Slice Op SBP infer (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1288334495" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8521" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8521/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8521">#8521</a>)</p> </li> </ul> <h3>Tensor</h3> <ul> <li> <p>Fixed the bug occurs when Tensor dim is set to -1</p> </li> <li> <p>Fixed failure for Tensor type to be directly transferred to int and float in Python (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1185828548" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7927" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7927/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7927">#7927</a>)</p> </li> <li> <p>Fixed the bug in <code>Tensor.is_contiguous</code> that skips initialization when caching and executes random initialization when getting values (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1167821334" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7785" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7785/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7785">#7785</a>)</p> </li> <li> <p>Fixed the bug in Tensor slice view under 1d contiguous (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1180614671" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7898" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7898/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7898">#7898</a>)</p> </li> <li> <p>Fixed incorrect processing of None value by <code>Tensor.__eq__</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1187687192" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7938" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7938/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7938">#7938</a>)</p> </li> <li> <p>Fixed unaligned memory size in <code>from_numpy</code> interface (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1193981272" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7963" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7963/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7963">#7963</a>)</p> </li> <li> <p>Fixed incorrect initialization of random seed in Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1181712295" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7904" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7904/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7904">#7904</a>)</p> </li> <li> <p>Fixed failure of <code> oneflow.Size</code> to create Tensor with a specified shape (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1272115501" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8429" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8429/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8429">#8429</a>)</p> </li> <li> <p>Aligned <code>alpha</code> parameter in <code>Tensor.add</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1226910344" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8140" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8140/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8140">#8140</a>)</p> </li> </ul> <h3>Scalar Tensor</h3> <ul> <li> <p>Fixed failure of <code>add</code> to support Scalar Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1172487648" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7827" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7827/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7827">#7827</a>)</p> </li> <li> <p>Fixed failure of <code>reduce_sum</code> to support Scalar Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1176632263" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7866" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7866/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7866">#7866</a>)</p> </li> <li> <p>Fixed failure of <code>one_hot</code> to support Scalar Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1195827134" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7975" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7975/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7975">#7975</a>)</p> </li> </ul> <p>Fixed failure of <code>gather</code> to support Scalar Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1261649762" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8376" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8376/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8376">#8376</a>)</p> <ul> <li> <p>Fixed “memory access out of bounds” error in <code>dim_scatter</code> kernel under Scalar Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1270190874" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8418" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8418/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8418">#8418</a>)</p> </li> <li> <p>Fixed failure of start and end parameters in <code>arrange</code> op to support Scalar Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1288395854" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8522" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8522/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8522">#8522</a>)</p> </li> <li> <p>Fixed failure of <code>all</code> to support Scalar Tensor and 0-Size Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1291245342" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8547" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8547/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8547">#8547</a>)</p> </li> </ul> <h3>0-Size Tensor</h3> <ul> <li> <p>Fixed failure of <code>conv</code> and <code>deconv</code> to support 0-Size Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1199935059" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8001" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8001/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8001">#8001</a>)</p> </li> <li> <p>Fixed failure of <code>cuda_check_numerics</code> to support 0-Size Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1207678754" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8050" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8050/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8050">#8050</a>)</p> </li> <li> <p>Fixed failure of <code>expand</code> and <code>advanced_index</code> to support 0-Size Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1214179082" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8094" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8094/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8094">#8094</a>)</p> </li> <li> <p>Fixed the bug occurs when processing 0-Size Tensor in <code>repeat_interleave</code> kernel and removed relevant special judge in <code>gather</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1269217309" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8414" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8414/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8414">#8414</a>)</p> </li> <li> <p>Fixed failure of <code>diag</code> to support 0-Size Tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1292562892" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8557" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8557/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8557">#8557</a>)</p> </li> </ul> <h3>Operators</h3> <ul> <li> <p>Fixed sorting in <code>nms</code> unit test (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1173176350" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7831" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7831/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7831">#7831</a>)</p> </li> <li> <p>Fixed torch alignment of beta and threshold interfaces of <code>softplus</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1178891386" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7888" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7888/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7888">#7888</a>)</p> </li> <li> <p>Fixed failure of <code>expand</code> to support passing tuples as parameters (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1182948300" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7913" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7913/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7913">#7913</a>)</p> </li> <li> <p>Fixed computation failure in <code>randperm</code> when n is too large (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1181822590" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7908" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7908/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7908">#7908</a>)</p> </li> <li> <p>Fixed failure relative to list or tuple in parameter passing in <code>meshgrid</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1186639268" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7933" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7933/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7933">#7933</a>)</p> </li> <li> <p>Fixed <code>nn.functional.conv2d</code> bug that all parameters must be specified (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1179393322" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7892" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7892/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7892">#7892</a>)</p> </li> <li> <p>Fixed failure of <code>rand</code> and <code>randn</code> to support tuple as an input (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1183100208" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7914" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7914/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7914">#7914</a>)</p> </li> <li> <p>Fixed the bug occurs in <code>concat</code> when inputs are of inconsistent data types (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1184481799" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7921" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7921/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7921">#7921</a>)</p> </li> <li> <p>Fixed wrong device id got by generator in certain cases in <code>randn</code>,<code>dropout</code>, <code>randint</code>, <code>rand</code>, <code>random_mask_like</code>, and <code>randperm</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1180545530" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7896" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7896/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7896">#7896</a>)</p> </li> <li> <p>Fixed inconsistent behaviors of <code>__shfl_sync</code> under <code>sm_61</code> in <code>layernorm</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1195985063" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7978" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7978/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7978">#7978</a>)</p> </li> <li> <p>Fixed failure of <code>scatter</code> op to support negative dim (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1187454738" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7934" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7934/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7934">#7934</a>)</p> </li> <li> <p>Fixed the bug in <code>scatter</code> op nd update value(<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1190503147" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7953" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7953/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7953">#7953</a>)</p> </li> <li> <p>Fixed failure of <code>masked_select</code> to support certain Broadcast operations in eager mode (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1197110915" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7984" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7984/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7984">#7984</a>)</p> </li> <li> <p>Fixed the bug in <code>PReLU</code> op when dispatching num_blocks (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1200949377" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8004" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8004/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8004">#8004</a>)</p> </li> <li> <p>Fixed misused numpy forced synchronization logic in <code>index_select</code> python and transferred the logic to functor for implementation (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1194399395" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7965" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7965/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7965">#7965</a>)</p> </li> <li> <p>Aligned dtype parameter in <code>prod</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1186119201" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7932" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7932/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7932">#7932</a>)</p> </li> <li> <p>Fixed the bug occurs when <code>ord = 0</code> in <code>linalg.vector_norm</code> op; Fixed check on nan/inf by clip_grad (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1201387424" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8007" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8007/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8007">#8007</a>)</p> </li> <li> <p>Fixed failure of <code>min</code> and <code>max</code> to operate on inconsistent dtypes (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1204245071" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8021" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8021/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8021">#8021</a>)</p> </li> <li> <p>Added <code>num_batches_tracked </code> buffer to <code>batch_norm</code> to facilitate transfer of ResNet-18, a torch pretrained model, to OneFlow (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1184391747" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7920" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7920/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7920">#7920</a>)</p> </li> <li> <p>Fixed the misuse of <code>logf</code>, <code>expf</code>, and <code>powf</code> in math kernel (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1206620995" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8038" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8038/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8038">#8038</a>)</p> </li> <li> <p>Fixed exclusion of dtype parameters in <code>cumsum</code> and <code>cumprod</code> and provided <code>Tensor.cumsum</code> and <code>Tensor.cumprod</code> methods (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1209323399" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8065" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8065/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8065">#8065</a>)</p> </li> <li> <p>Fixed possible overflow when dtype is not int64 in <code>non_zero</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1181820748" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7907" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7907/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7907">#7907</a>)</p> </li> <li> <p>Aligned <code>sum</code>, <code>mean</code>, <code>all</code>, <code>any</code>, and <code>prod</code> operations in <code>reduce</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1213538997" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8085" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8085/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8085">#8085</a>)</p> </li> <li> <p>Fixed incorrect backward computation in <code>cumprod</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1226179309" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8136" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8136/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8136">#8136</a>)</p> </li> <li> <p>Aligned <code>alpha</code> parameter in <code>sub</code> operation (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1205233220" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8026" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8026/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8026">#8026</a>)</p> </li> <li> <p>Fixed shape inference in <code>upsample</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1216705668" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8105" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8105/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8105">#8105</a>)</p> </li> <li> <p>Fixed failure of <code>addn</code> inplace operation on CPU tensor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1244523749" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8280" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8280/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8280">#8280</a>)</p> </li> <li> <p>Fixed limit on tensor size in <code>cum</code> backward op based on the size of shared memory (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1246237892" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8289" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8289/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8289">#8289</a>)</p> </li> <li> <p>Improved the logic of dtype inference for <code>arange</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1253639854" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8338" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8338/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8338">#8338</a>)</p> </li> <li> <p>Fixed NaN propagation of UnaryFunctor (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1255653520" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8346" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8346/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8346">#8346</a>)</p> </li> <li> <p>Fixed ndim check of <code>pad</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1257855217" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8354" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8354/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8354">#8354</a>)</p> </li> <li> <p>Fixed vector check in <code>broadcast_min</code> and <code>broadcast_max</code> backward computations (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1263044006" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8379" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8379/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8379">#8379</a>)</p> </li> <li> <p>Fixed the bug relative to index computation logic in <code>cumprod</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1265500899" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8388" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8388/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8388">#8388</a>)</p> </li> <li> <p>Fixed possible int32 overflow in <code>softmax</code> and math unary / binary cuda kernel; for kernels that operate integer division on <code>i</code> in <code>CUDA_1D_KERNEL_LOOP</code>, provided <code>if</code> statement to branch computations to prevent performance loss in most cases when int32 works (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1281947657" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8472" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8472/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8472">#8472</a>)</p> </li> <li> <p>Fixed failure to pass size via <code>size=(...)</code> in random ops (<code>normal</code>, <code>rand</code>, <code>randn</code>, <code>randint</code>, and <code>randperm</code>) (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1286938986" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8506" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8506/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8506">#8506</a>)</p> </li> </ul> <h2>Device</h2> <ul> <li> <p>Fixed error in <code>cudaGetDeviceCount</code> when CUDA device count=0 (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1231858183" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8184" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8184/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8184">#8184</a>)</p> </li> <li> <p>Fixed possible unregistration of devices caused by <code>hob.ToString</code> method; Used static local variables to establish dependency between static variables of device registration and the static code for device registration (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1238476518" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8235" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8235/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8235">#8235</a>)</p> </li> <li> <p>Fixed <code>cudaErrorNoDevice</code> caused by drive errors (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1241821691" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8262" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8262/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8262">#8262</a>)</p> </li> <li> <p>Fixed memory leak caused by realpath (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1290864609" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8540" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8540/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8540">#8540</a>)</p> </li> </ul> <h2>Higher order derivative</h2> <ul> <li> <p>Introduced AutogradCapturedTensor in backward computation to avoid circular reference and allow correct backtracking to the input gradient node in higher order derivative graph (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1169563846" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7808" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7808/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7808">#7808</a>)</p> </li> <li> <p>Added higher order derivative of <code>sin/cos</code> op; Fixed <code>autograd</code> bugs relative to higher order derivative (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1228612513" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8163" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8163/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8163">#8163</a>)</p> </li> <li> <p>Fixed bugs in backward computation in <code>concat</code> and <code>split_like</code> to support higher order derivative (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1235039523" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8208" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8208/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8208">#8208</a>)</p> </li> </ul> <h2>Build</h2> <ul> <li> <p>Fixed RTD [sphinx] failure to build docstr (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1180725504" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7901" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7901/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7901">#7901</a>)</p> </li> <li> <p>Fixed compilation failure caused by opencv copy header failure (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1189167078" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7944" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7944/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7944">#7944</a>)</p> </li> <li> <p>Fixed failure to generate a new <code>.so</code> in compilation when <code>CMAKE_LINK_DEPENDS_NO_SHARED=YES</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1176754894" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7868" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7868/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7868">#7868</a>)</p> </li> <li> <p>Fixed Eigen url in cmake third party (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1237123587" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8223" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8223/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8223">#8223</a>)</p> </li> <li> <p>Fixed the bug caused by multi-time linking to libof_protoobj in XRT (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1251638177" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8326" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8326/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8326">#8326</a>)</p> </li> <li> <p>Made libproto a dynamic library to avoid collision between static global variables (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1255643840" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8345" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8345/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8345">#8345</a>)</p> </li> <li> <p>Made <code>of_pyext_obj</code> static only when there is one Python extension dynamic library that has Python symbols (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1265880125" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8393" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8393/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8393">#8393</a>)</p> </li> <li> <p>Fixed the bug in <code>undefined symbol: del_curterm</code> in source code compilation (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1268028042" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8398" data-hovercard-type="issue" data-hovercard-url="/Oneflow-Inc/oneflow/issues/8398/hovercard" href="https://github.com/Oneflow-Inc/oneflow/issues/8398">#8398</a>)</p> </li> <li> <p>Fixed false positive warning in gcc11 compilation (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1268154194" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8401" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8401/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8401">#8401</a>)</p> </li> <li> <p>Fixed SegFault that occurs when unzipping dataset in the container by making zlib a dynamic library (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1283167845" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8481" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8481/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8481">#8481</a>)</p> </li> <li> <p>Fixed undefined reference of culibosTlsSetValue (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1282395641" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8479" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8479/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8479">#8479</a>)</p> </li> <li> <p>Fixed stringop-truncation compilation error for gcc9 (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1289721385" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8532" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8532/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8532">#8532</a>)</p> </li> </ul> <h2>CI</h2> <ul> <li> <p>Disabled static link of Simple CI and enabled debug build to avoid too many symbols (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1187901728" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7940" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7940/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7940">#7940</a>)</p> </li> <li> <p>Fixed the bug in AutoTest fake program; Fixed print error in AutoTest (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1244520162" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8279" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8279/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8279">#8279</a>; <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1246243731" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8290" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8290/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8290">#8290</a>)</p> </li> </ul> <h3>Module</h3> <ul> <li> <p>Disabled conv3d test temporarily for its relatively large error of random values (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1195481162" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7969" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7969/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7969">#7969</a>)</p> </li> <li> <p>Reduced test error in nn.LayerNorm (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1187927147" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7941" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7941/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7941">#7941</a>)</p> </li> <li> <p>Optimized input data range of certain math op tests (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1202720605" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8010" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8010/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8010">#8010</a>)</p> </li> <li> <p>Fixed incorrect unit test case in <code>permute</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1213507763" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8083" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8083/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8083">#8083</a>)</p> </li> <li> <p>Aligned error message of chunk to torch (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1214551966" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8096" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8096/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8096">#8096</a>)</p> </li> <li> <p>Fixed incorrect use of <code>permute</code> in tensor tests (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1227355291" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8144" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8144/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8144">#8144</a>)</p> </li> <li> <p>Fixed omission of test cases in <code>instancenorm</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1236492980" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8215" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8215/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8215">#8215</a>)</p> </li> <li> <p>Adjusted unit test threshold for <code>leaky_relu</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1239330214" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8242" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8242/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8242">#8242</a>)</p> </li> <li> <p>Annotated cpu bn grad method that tests with random values (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1240995397" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8257" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8257/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8257">#8257</a>)</p> </li> <li> <p>Skipped test cases of <code>global argmax</code> and <code>median</code> in multi-GPU scenarios (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1242497677" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8264" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8264/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8264">#8264</a>)</p> </li> <li> <p>Adjusted unit test threshold for <code>fused_dot_feature_interaction</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1246652839" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8293" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8293/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8293">#8293</a>)</p> </li> <li> <p>Disabled unit tests for <code>conv_transpose1d</code>, <code>conv_transpose2d</code>, and <code>conv_transpose3d</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1250236727" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8319" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8319/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8319">#8319</a>)</p> </li> <li> <p>Adjusted tolerance setting in embedding_renorm unit test (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1266923925" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8394" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8394/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8394">#8394</a>)</p> </li> <li> <p>Removed test cases with excessive accumulated elements in <code>test_fused_dot_feature_interaction_pooling_sum</code> to avoid overly large sum error (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1271603116" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8425" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8425/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8425">#8425</a>)</p> </li> </ul> <h1>Documentation</h1> <ul> <li> <p>Ensured that all PyTorch references in OneFlow API documentation belong to the same PyTorch version (1.10.0) (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1209062382" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8058" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8058/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8058">#8058</a>)</p> </li> <li> <p>Added "copy" button for code in API docs to facilitate trial runs of sample code (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1199690725" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7997" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7997/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7997">#7997</a>)</p> </li> <li> <p>Refined script that automatically generates version status for OneFlow APIs and fixed bugs in docs (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1291244320" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8546" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8546/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8546">#8546</a>)</p> </li> <li> <p>Refined interface documentation of Tensor and Module (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1171914692" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7823" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7823/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7823">#7823</a>)</p> <ul> <li> <p>Refined <code>Tensor.to_global</code> interface documentation and added descriptions of <code> gard_sbp</code></p> </li> <li> <p>Refined <code> Tensor.to_local</code> interface documentation</p> </li> <li> <p>Added Tensor Attributes docs for <code>oneflow.placement</code>, <code>oneflow.env.all_device_placement</code>, and <code>oneflow.sbp.sbp</code></p> </li> <li> <p>Added interface documentation for <code>Module.to_consistent</code> (outdated) and <code>Module.to_global</code></p> </li> </ul> </li> <li> <p>Fixed invalid links in Tensor docs and updated <code>consistent</code> to <code>global</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1171796093" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7821" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7821/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7821">#7821</a>)</p> </li> <li> <p>Added docstr for <code>Tensor.sqrt</code>, <code>Tensor.square</code>, <code>Tensor.addmm</code>, <code>Tensor.cosh</code>, <code>Tensor.diagonal</code>, <code>Tensor.log</code>, <code>Tensor.ndim</code>, and <code>Tensor.rsqrt</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1174173351" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7841" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7841/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7841">#7841</a>)</p> </li> <li> <p>Enabled derived classes of pybind11 to add documentation for non-overriding methods and added interface documentation related to Tensor and autograd (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1175039844" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7849" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7849/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7849">#7849</a>)</p> </li> <li> <p>Refined documentation of <code>oneflow.argsort</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1174507296" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7844" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7844/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7844">#7844</a>)</p> </li> <li> <p>Refined documentation of <code>Tensor.zero_</code>, <code>Tensor.is_contiguous</code>, <code>Tensor.is_cuda</code>, and <code>oneflow.nn.functional.layer_norm</code> op (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1173480199" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7839" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7839/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7839">#7839</a>)</p> </li> <li> <p>Refined interface documentation of <code>support_sparse</code> and <code>step</code> in <code>oneflow.optim.Adamw</code>, <code>oneflow.optim.SGD</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1174975149" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7848" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7848/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7848">#7848</a>)</p> </li> <li> <p>Refined interface documentation of <code>LambdaLR.step</code>, <code>ReduceLROnPlateau.in_cooldown</code>, and <code>ReduceLROnPlateau.is_better</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1174975149" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7848" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7848/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7848">#7848</a>)</p> </li> <li> <p>Refined interface documentation of <code>nn.Module</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1232731333" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8190" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8190/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8190">#8190</a>)</p> </li> <li> <p>Refined interface documentation of <code>oneflow.optim.lr_scheduler.PolynomialLR</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1272483787" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8430" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8430/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8430">#8430</a>)</p> </li> <li> <p>Refined docs and formula illustrations for <code>oneflow.nn.CombinedMarginLoss</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1234083140" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8206" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8206/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8206">#8206</a>)</p> </li> <li> <p>Refined documentation of <code>oneflow.logical_and</code>, <code>oneflow.logical_or</code>, <code>oneflow.logical_xor</code>, and <code>oneflow.logical_not</code> (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1247385399" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8297" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8297/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8297">#8297</a>)</p> </li> <li> <p>Fixed the bug in the documentation of quantization ops (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1252547796" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8333" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8333/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8333">#8333</a>)</p> </li> <li> <p>Updated solution in Troubleshooting for the case when <code>libunwind.h</code> is not found (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1253403852" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8336" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8336/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8336">#8336</a>)</p> </li> <li> <p>Restructured API documentation based on features; added and refined docs of features that are unique to OneFlow (<a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1265817196" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/8392" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/8392/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/8392">#8392</a>)</p> </li> </ul> jackalcooper tag:github.com,2008:Repository/81634683/v0.6.1 2022-03-24T13:31:28Z v0.6.1 <p>fix</p> jackalcooper tag:github.com,2008:Repository/81634683/v0.7.0 2022-04-06T09:24:04Z Version 0.7.0 <h1>OneFlow v0.7.0 Release Notes</h1> <p>OneFlow v0.7.0 came out. Welcome to use it. We would love to hear your feedback!</p> <h2>本文的中文版本</h2> <p><a href="https://mp.weixin.qq.com/s/dSR-2Xw92eoFhF0c6MtutQ" rel="nofollow">https://mp.weixin.qq.com/s/dSR-2Xw92eoFhF0c6MtutQ</a></p> <h2>Highlights</h2> <p>This release has the following highlights:</p> <ol> <li> <p>Provides a Tensor that can be executed in multi-nodes multi-GPUs scenarios: Global Tensor. It is an easy-to-use solution for distributed execution. It makes it easier to implement various distributed parallel strategies and enables more flexible and user-friendly distributed implementation. It supports models including ResNet50, Wide and Deep, GPT, Bert, Swin-Transformer, InsightFace, etc.</p> </li> <li> <p>Continues to improve nn.Graph. Supports the advanced features such as ZeRO, GradAcc, Checkpointing, and Pipelining, and enriches the graph.debug mode. Supports random 2D SBP conversion, semi-automatic derivation of 2D SBP, resuming training from the last checkpoint, etc. Adds OneFlow Feature Stages Identifications and identifies each feature of nn.Graph. For nn.Graph, its basic features are at the Beta Stage, which can meet most of the requirements of users; Advanced features are at Alpha Stage, meeting standard requirements.</p> </li> <li> <p>Deeply optimizes the performance of Eager mode. The performance of the Swin-Transformer model is 3 times higher than that of v0.6.0 when tested on the V100.</p> </li> <li> <p>Operators-related improvements: In the single-node single-GPU scenario, OneFlow's compatibility with PyTorch is further improved. The interfaces, semantics, and produced results of operators supported by OneFlow are in consistent with that of operators supported by PyTorch and an automatic testing framework is designed to verify the consistency. With common models, you can accomplish the migration by running <code>import oneflow as torch</code>. Compared with v0.6.0, OneFlow adds 16 operators, optimizes the performance of 6 operators, and fixes bugs in 16 operators.</p> </li> <li> <p>Supports Einsum and View mechanism.</p> </li> <li> <p>Compiler-related improvements: OneFlow is officially connected to the MLIR ecosystem.</p> </li> <li> <p>Releases OneFlow-Serving v0.1.0: We provide an out-of-the-box Triton OneFlow backend docker image. <a href="https://github.com/Oneflow-Inc/serving">try here</a>.</p> </li> <li> <p>Releases <a href="https://github.com/Oneflow-Inc/libai">LiBai v0.1.0</a>, a toolbox for massively distributed parallel training of Transformer. Compared with customized code bases such as Megatron-LM, LiBai provides a series of models and training components for distributed training based on a modular design, aiming to make models trained in distributed mode as convenient as in single-GPU mode.</p> </li> <li> <p>Releases <a href="https://github.com/Oneflow-Inc/vision">Flow-Vision v0.1.0</a>: adds DeiT, ConvNeXt, ReXNet, and other models and updates tutorials and documentation.</p> </li> </ol> <h3>OneFlow Feature Stages identifications</h3> <p>OneFlow Feature Stages identifies the maturity level of OneFlow features. It provides users with a status description of a feature to inform the specific level of it, such as completeness, API stability, documentation, etc. It Provides OneFlow developers with a standard for feature refinement, which facilitates further improvement.</p> <p><strong>OneFlow Feature Stages</strong></p> <ul> <li> <p>Stable Stage</p> <ul> <li>Purpose: release for production use</li> <li>Audience: all users</li> <li>Functionality: same as RC</li> <li>Testing: same as RC</li> <li>Performance: same as RC</li> <li>API: same as RC, with stability within long cycles (e.g., 1 year) and large versions (e.g., 1.0)</li> <li>Documentation: same as RC</li> </ul> </li> <li> <p>Release Candidate (RC) Stage</p> <ul> <li>Purpose: release for deployment evaluation in production environments</li> <li>Audience: all users, including those who want to deploy production environments</li> <li>Functionality: being able to handle exceptions as well as normal inputs.</li> <li>Testing: end-to-end deployment validated in external environment with good experience</li> <li>Performance: provide evaluation reports and documentation to evaluate performance and scalability in external environments</li> <li>API: API for external user evaluation</li> <li>Documentation: features in this stage are added to the core-feature-set documentation</li> </ul> </li> <li> <p>Beta Stage</p> <ul> <li>Purpose: release to provide a relatively stable, complete, and available version</li> <li>Audience: all users, especially those with strong feature demands, little concern for unknown trivial issues, and willingness to provide feedback</li> <li>Functionality: complete functionalities addressing the needs of various possible scenarios</li> <li>Testing: complete, covering various corner test cases, and various end-to-end integration tests</li> <li>Performance: performance evaluation and scalability evaluation</li> <li>API: recognized as complete and stable by seed users after full review</li> <li>Documentation: tutorials that describe the usage process</li> </ul> </li> <li> <p>Alpah Stage</p> <ul> <li>Purpose: release to get early feedback for experimental features</li> <li>Audience: developers and expert users</li> <li>Functionality: core functionality completed</li> <li>Testing: unit testing completed for core requirements of the feature, possibly with unknown bugs</li> <li>Performance: evaluated</li> <li>API: well-defined but not rigorously reviewed, possibly requiring further changes</li> <li>Documentation: API documentation is a must to provide feature definitions</li> </ul> </li> <li> <p>Pre-alpha Stage</p> <ul> <li>Purpose: release to validate feature prototypes or address urgent needs</li> <li>Audience: feature developers</li> <li>Functionality: limited prototype functionalities</li> <li>Testing: limited testing, possibly with many bugs</li> <li>Performance: unknown</li> <li>API: prone to changes</li> <li>Documentation: possibly none</li> </ul> </li> </ul> <h2>OneFlow Framework</h2> <h3>1. Distribution</h3> <h4>Global Tensor</h4> <p><strong>Global Tensor</strong> is a newly released set of distributed computing interfaces. It can easily support any parallelism including data parallelism, model parallelism, and pipeline parallelism. Unlike a normal Tensor (hereafter called <strong>Local Tensor</strong>), <strong>Global Tensor is a Tensor with a global view, whose data is distributed in a specific way across a set of devices in a cluster, and each node stores some or all of the Global Tensor's data</strong>. Placement and SBP are the basic properties of the <strong>Global Tensor</strong> that describe the distribution of the data in clusters.</p> <h4>Global Tensor's data distribution</h4> <p><strong>Global Tensor</strong> supports three different ways of data distribution, which we collectively refer to as <strong>SBP</strong>.</p> <ul> <li>Split (dim): The data is equally split along <code>dim</code> dimension and distributed to each device.</li> <li>Broadcast: The data is replicated between each device.</li> <li>PartialSum: The data is the element-wise addition for each device.</li> </ul> <h4>Consistent computational interfaces</h4> <p><strong>Global Tensor</strong> has basically the same computational interfaces as <strong>Local Tensor</strong>. Only with small changes, you can convert the single-GPU mode to the distributed mode.</p> <pre></pre><table> <tbody><tr> <th>Local Tensor</th> <th>Global Tensor</th> </tr> <tr> <td> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&gt;&gt;&gt; import oneflow as flow &gt;&gt;&gt; x = flow.tensor([1.0, 2.0]) &gt;&gt;&gt; y = x * x"><pre><span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">tensor</span>([<span class="pl-c1">1.0</span>, <span class="pl-c1">2.0</span>]) <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">y</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span> <span class="pl-c1">*</span> <span class="pl-s1">x</span></pre></div> </td> <td> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&gt;&gt;&gt; import oneflow as flow &gt;&gt;&gt; x = flow.tensor([1.0, 2.0],             placement=flow.placement(&quot;cuda&quot;, ranks=[0, 1]),             sbp=flow.sbp.split(0)) &gt;&gt;&gt; y = x * x # This multiplication is performed on both rank 0 and rank 1"><pre><span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">tensor</span>([<span class="pl-c1">1.0</span>, <span class="pl-c1">2.0</span>],             <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">1</span>]),             <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">split</span>(<span class="pl-c1">0</span>)) <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">y</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span> <span class="pl-c1">*</span> <span class="pl-s1">x</span> <span class="pl-c"># This multiplication is performed on both rank 0 and rank 1</span></pre></div><p></p> </td> </tr> </tbody></table> <h4>Supporting conversion between Local Tensor and Global Tensor</h4> <ul> <li> <p>With <strong>Tensor.to_global</strong> interface, you can create a <strong>Global Tensor</strong> based on a <strong>Local Tensor</strong>, and regard this tensor as the local tensor of the <strong>Global Tensor</strong> on the present device.</p> </li> <li> <p>With <strong>Tensor.to_local</strong> interface, you can return the local tensor of the <strong>Global Tensor</strong> on the present device.</p> </li> </ul> <pre></pre><table> <tbody><tr> <th> Local Tensor To Global Tensor </th> <th> Global Tensor To Local Tensor </th> </tr> <tr> <td> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content=" &gt;&gt;&gt; import oneflow as flow &gt;&gt;&gt; x = flow.tensor([1.0, 2.0]) &gt;&gt;&gt; y = x.to_global( placement=flow.placement(&quot;cuda&quot;, ranks=[0, 1]), sbp=flow.sbp.split(0)) &gt;&gt;&gt; y.size() oneflow.Size([4]) &gt;&gt;&gt; y tensor([1., 2., 1., 2.], placement=oneflow.placement(type=&quot;cuda&quot;, ranks=[0, 1]), sbp=(oneflow.sbp.split(axis=0),), dtype=oneflow.float32) "><pre><span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">tensor</span>([<span class="pl-c1">1.0</span>, <span class="pl-c1">2.0</span>]) <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">y</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span>.<span class="pl-c1">to_global</span>( <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">1</span>]), <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">split</span>(<span class="pl-c1">0</span>)) <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">y</span>.<span class="pl-c1">size</span>() <span class="pl-s1">oneflow</span>.<span class="pl-c1">Size</span>([<span class="pl-c1">4</span>]) <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">y</span> <span class="pl-en">tensor</span>([<span class="pl-c1">1.</span>, <span class="pl-c1">2.</span>, <span class="pl-c1">1.</span>, <span class="pl-c1">2.</span>], <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-s1">oneflow</span>.<span class="pl-c1">placement</span>(<span class="pl-s1">type</span><span class="pl-c1">=</span><span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">1</span>]), <span class="pl-s1">sbp</span><span class="pl-c1">=</span>(<span class="pl-s1">oneflow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">split</span>(<span class="pl-s1">axis</span><span class="pl-c1">=</span><span class="pl-c1">0</span>),), <span class="pl-s1">dtype</span><span class="pl-c1">=</span><span class="pl-s1">oneflow</span>.<span class="pl-c1">float32</span>)</pre></div> </td> <td> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&gt;&gt;&gt; import oneflow as flow &gt;&gt;&gt; x = flow.tensor([1.0, 2.0],             placement=flow.placement(&quot;cuda&quot;, ranks=[0, 1]),             sbp=flow.sbp.split(0)) &gt;&gt;&gt; y = x.to_local() &gt;&gt;&gt; y.size() oneflow.Size([1]) &gt;&gt;&gt; y tensor([1.], device='cuda:0', dtype=oneflow.float32) # tensor([2.], device='cuda:0', dtype=oneflow.float32) if rank is 1"><pre><span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">tensor</span>([<span class="pl-c1">1.0</span>, <span class="pl-c1">2.0</span>],             <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">1</span>]),             <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">split</span>(<span class="pl-c1">0</span>)) <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">y</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span>.<span class="pl-c1">to_local</span>() <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">y</span>.<span class="pl-c1">size</span>() <span class="pl-s1">oneflow</span>.<span class="pl-c1">Size</span>([<span class="pl-c1">1</span>]) <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">y</span> <span class="pl-en">tensor</span>([<span class="pl-c1">1.</span>], <span class="pl-s1">device</span><span class="pl-c1">=</span><span class="pl-s">'cuda:0'</span>, <span class="pl-s1">dtype</span><span class="pl-c1">=</span><span class="pl-s1">oneflow</span>.<span class="pl-c1">float32</span>) <span class="pl-c"># tensor([2.], device='cuda:0', dtype=oneflow.float32) if rank is 1</span></pre></div> </td> </tr> </tbody></table> <h4>Supporting redistribution of Global Tensor in clusters</h4> <p>With <strong>Tensor.to_global</strong> interface, you can redistribute the data of <strong>Global Tensor</strong> in clusters. The data can be distributed to another set of nodes and the way of distribution in this set of nodes can also be changed (i.e.change SBP). Redistribution usually generates inter-process data communication, but <strong>Tensor.to_global</strong> interface finely avoids complicated low-level communication details.</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&gt;&gt;&gt; import oneflow as flow &gt;&gt;&gt; x = flow.tensor([1.0, 2.0], placement=flow.placement(&quot;cuda&quot;, ranks=[0, 1]), sbp=flow.sbp.split(0)) &gt;&gt;&gt; y = x.to_global(placement=flow.placement(&quot;cuda&quot;, ranks=[2, 3]), sbp=flow.sbp.broadcast)"><pre><span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">tensor</span>([<span class="pl-c1">1.0</span>, <span class="pl-c1">2.0</span>], <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">1</span>]), <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">split</span>(<span class="pl-c1">0</span>)) <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">y</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span>.<span class="pl-c1">to_global</span>(<span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span><span class="pl-c1">=</span>[<span class="pl-c1">2</span>, <span class="pl-c1">3</span>]), <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">broadcast</span>)</pre></div> <p>Each operator of OneFlow defines a set of SBP signatures for the input and output tensor. <strong>Global Tensor</strong> supports automatic redistribution to provide the required SBP signature of a certain interface. Just as the code shown below:</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="&gt;&gt;&gt; import oneflow as flow &gt;&gt;&gt; x = flow.randn(4, 4, placement=flow.placement(&quot;cuda&quot;, ranks=[0, 1]), sbp=flow.sbp.split(0)) &gt;&gt;&gt; y = flow.randn(4, 4, placement=flow.placement(&quot;cuda&quot;, ranks=[0, 1]), sbp=flow.sbp.split(1)) &gt;&gt;&gt; z = x + y"><pre><span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-k">import</span> <span class="pl-s1">oneflow</span> <span class="pl-k">as</span> <span class="pl-s1">flow</span> <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">x</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">randn</span>(<span class="pl-c1">4</span>, <span class="pl-c1">4</span>, <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">1</span>]), <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">split</span>(<span class="pl-c1">0</span>)) <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">y</span> <span class="pl-c1">=</span> <span class="pl-s1">flow</span>.<span class="pl-c1">randn</span>(<span class="pl-c1">4</span>, <span class="pl-c1">4</span>, <span class="pl-s1">placement</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">placement</span>(<span class="pl-s">"cuda"</span>, <span class="pl-s1">ranks</span><span class="pl-c1">=</span>[<span class="pl-c1">0</span>, <span class="pl-c1">1</span>]), <span class="pl-s1">sbp</span><span class="pl-c1">=</span><span class="pl-s1">flow</span>.<span class="pl-c1">sbp</span>.<span class="pl-c1">split</span>(<span class="pl-c1">1</span>)) <span class="pl-c1">&gt;</span><span class="pl-c1">&gt;&gt;</span> <span class="pl-s1">z</span> <span class="pl-c1">=</span> <span class="pl-s1">x</span> <span class="pl-c1">+</span> <span class="pl-s1">y</span></pre></div> <p>When <code>x + y</code> is executed, since x is split along <code>0</code> dimension while y is split along <code>1</code> dimension, their local tensors at each device can not be added up directly. Therefore, x's SBP will be automatically converted to <code>flow.sbp.split(1)</code> or y's SBP will be converted to <code>flow.sbp.split(0)</code>, and the calculated result-z's SBP- is <code>flow.sbp.split(1)</code> or <code>flow.sbp.split(0)</code>.</p> <h4>Notes</h4> <ul> <li> <p>Global Tensor doesn't support mix-in with DDP interface currently.</p> </li> <li> <p>Global Tensor requires all devices to execute simultaneously, and the code that has branches would lead to process deadlock because of divergent execution paths. We will continue fixing this problem.</p> </li> </ul> <h3>2. Continued improvement of nn.Graph's features</h3> <h4>Overview of the development of nn.Graph v0.7.0</h4> <ul> <li> <p>Fundamental features enter into Beta Stage, meeting most requirements of users;</p> </li> <li> <p>Advanced features enter into Alpha Stage, meeting standard requirements of users;</p> </li> <li> <p>ResNet50, Wide and Deep, GPT, Bert, Swin-Transformer, InsightFace, and other models are supported;</p> </li> </ul> <h4>Feature of nn.Graph</h4> <ul> <li> <p>Static and dynamic casting of operators under Static Graph enter into Beta Stage from Alpha Stage</p> <ul> <li> <p>Adds the unit test of static execution for all legal operators under nn.Graph, and automated unit test is ready;</p> </li> <li> <p>Supports more flexible inputs and outputs, including List/Tuple/Dict and their nesting, and fixs the Tuple problem of producing a return size of "1";</p> </li> <li> <p>Adds backward automatic test;</p> </li> </ul> </li> <li> <p>Optimizer and LR Scheduler under Static Graph enter into Beta Stage from Alpha Stage.</p> <ul> <li> <p>Adds more built-in LR schedulers, including WarmupLR, CosineAnnealingWarmRestarts and other common schedulers, and provides SequentialLR and ChainedScheduler to enable scheduler with different combination capacity;</p> </li> <li> <p>Refactors scheduler's get_lr function, converting it to the implementation of pure function. This change permits to use schedulers in combination by changing the calculation of lr from iterative solution to analytical solution;</p> </li> <li> <p>Adds "is_sparse" parameter for <code>add_optimizer</code> interface, supporting sparse updates under graph mode. Optimizers that support sparse updates include Adam and SGD, while optimizers under Eager mode don't support sparse updates yet. Subsequent version will support both sparse updates and sparse tensor. The feature is at Pre-alpha Stage;</p> </li> <li> <p>Adds Debug print feature for LR and Step, for which you only need to turn on LR Scheduler's <code>verbose</code> button.</p> </li> </ul> </li> <li> <p><code>state_dict</code> and <code>load_state_dict</code> under Static Graph are newly added, which allow to resume training from last checkpoint. The feature is at Beta Stage;</p> </li> <li> <p>Debug under Static Graph enters into Beta Stage from Alpha Stage;</p> <ul> <li> <p>Adds <code>debug(2)</code>、<code>debug(3)</code> that allow to find out problems in nn.Module, by locating the Python code of operators at c++ layer and locating forward graph creation and inference for operators;</p> </li> <li> <p>Adds the display of memory overhead</p> </li> </ul> </li> <li> <p>ZeRO-DP under Static Graph is newly added, which allows to reducememory overhead related to Optimizer under data parallelism, and the feature is at Alpha Stage;</p> </li> <li> <p>Global Tensor under Static Graph supports multiple parallel methods, and the feature is between Alpha Stage and Beta Stage;</p> <ul> <li> <p>It is utilized in LiBai and other model libraries;</p> </li> <li> <p>It is widely utilized in OneFlow's model libraries, and the coverage of unit test is still ongoing;</p> </li> <li> <p>1D Global Tensor supports you to only define input tensor's SBP, while output tensor's SBP can be derived automatically with good results, and the feature is at Beta Stage;</p> </li> <li> <p>2D Global Tensor supports you to only define input tensor's SBP, while output tensor's SBP can be derived automatically with good results, and the feature is at Alpha Stage;</p> </li> <li> <p>Conversion from 1D to ND or ND to 1D is newly supported, and the feature is at Alpha Stage;</p> </li> <li> <p>Random conversion of 2D SBP is newly supported, and the feature is at Alpha Stage;</p> </li> <li> <p>Testing of 1D&amp;2D single operator is still ongoing, and the feature is at Pre-alpha Stage;</p> </li> <li> <p>Selecting SBP with semi-automatic derivation is supported, and the feature is at Pre-alpha Stage;</p> </li> </ul> </li> <li> <p>For Gradient Accumulation under Static Graph, we refactor and repair support for Reshape and add API documentation. For the input of <code>mini-batch</code> interface, the future version will offer the input of <code>micro-batch</code> with better experience, and the feature is from Pre-Alpha to Alpha Stage;</p> </li> <li> <p>For pipeline parallelism under Static Graph, the tutorial is perfected, and pipeline parallelism is available in Libai and other model libraries. The feature is at Beta Stage;</p> </li> <li> <p>For automatic mixed precision (AMP) under Static Graph, the API documentation is newly added. The feature is from Pre-Alpha to Alpha Stage;</p> </li> <li> <p>For Activation Checkpointing under Static Graph, the API documentationis newly added. The feature is from Pre-Alpha to Alpha Stage;</p> </li> <li> <p>For Op Fuse optimization under Static Graph, the API documentationis newly added. The feature is from Pre-Alpha to Alpha Stage;</p> </li> <li> <p>For XLA/TensorRT/OpenVINO execution under Static Graph, the API documentationis newly added. The feature is from Pre-Alpha to Alpha Stage;</p> </li> </ul> <p>Tutorials</p> <ul> <li>en <a href="https://docs.oneflow.org/en/master/basics/08_nn_graph.html" rel="nofollow">https://docs.oneflow.org/en/master/basics/08_nn_graph.html</a></li> <li>zh <a href="https://docs.oneflow.org/master/basics/08_nn_graph.html" rel="nofollow">https://docs.oneflow.org/master/basics/08_nn_graph.html</a></li> </ul> <p>API Documentation</p> <ul> <li>en <a href="https://oneflow.readthedocs.io/en/master/graph.html" rel="nofollow">https://oneflow.readthedocs.io/en/master/graph.html</a></li> <li>zh <a href="https://start.oneflow.org/oneflow-api-cn/graph.html" rel="nofollow">https://start.oneflow.org/oneflow-api-cn/graph.html</a></li> </ul> <p>Tutorials of pipeline parallelism:</p> <ul> <li>en <a href="https://docs.oneflow.org/en/master/parallelism/06_pipeline.html" rel="nofollow">https://docs.oneflow.org/en/master/parallelism/06_pipeline.html</a></li> <li>zh <a href="https://docs.oneflow.org/master/parallelism/06_pipeline.html" rel="nofollow">https://docs.oneflow.org/master/parallelism/06_pipeline.html</a></li> </ul> <h4>Model support under nn.Graph</h4> <ul> <li>Training ResNet50 with single-node single-GPU or single-node multi-GPU is supported, <a href="https://github.com/Oneflow-Inc/models/tree/main/Vision/classification/image/resnet50">https://github.com/Oneflow-Inc/models/tree/main/Vision/classification/image/resnet50</a></li> <li>Wide and Deep model is supported, <a href="https://github.com/Oneflow-Inc/models/tree/main/RecommenderSystems/wide_and_deep">https://github.com/Oneflow-Inc/models/tree/main/RecommenderSystems/wide_and_deep</a></li> <li>GPT、Bert、Swin Transformer in Libai are supported, <a href="https://github.com/Oneflow-Inc/libai">https://github.com/Oneflow-Inc/libai</a></li> <li>Functioanl problems in support for above models are resolved;</li> </ul> <h3>3. Performance optimization of Eager</h3> <ul> <li> <p>The performance of Eager is deeply optimized. When OneFlow run Swin-Transformer's model performance on V100 GPU, single-GPU card delivers a 25% speedup than PyTorch, and 8 single GPU card 10% speedup;</p> </li> <li> <p>The communication scheduling policy for NCCL in DDP is optimized;</p> </li> <li> <p>DDP supports the optimization of AllReduce fuse, reducing additional overhead generated by fragmented AllReduce, with a 5% performance speedup when it is tested on ResNet50;</p> </li> <li> <p>VM supports the optimization of <strong>instruction fusion</strong>, significantly saving scheduling overhead of Kernel;</p> </li> <li> <p>Additional memory overhead is optimized when CPU overload is too high;</p> </li> <li> <p>Eager DataLoader supports the optimization of inter-process memory sharing;</p> </li> <li> <p>The performance of Clip Grad is optimized;</p> </li> </ul> <h3>4. Improvements of operators</h3> <ul> <li>OneFlow is successfully adapted to oneDNN for CPU operators acceleration.</li> </ul> <p>The performance of CPU operators such as unary and binary element-wise is improved by 4 times, and the speed of Swin-Transformer's dataloader is improved by 2.5 times. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1109075539" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7319" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7319/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7319">#7319</a></p> <ul> <li> <p>Adds the functionality of inter-process shared memory to Dataloader, which greatly improves the performance of DataLoader in DDP.</p> </li> <li> <p>Adds Bool type Tensor. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1141279527" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7523" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7523/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7523">#7523</a></p> </li> <li> <p>Realizes to_contiguous that view relied on. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1158586937" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7670" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7670/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7670">#7670</a></p> </li> <li> <p>Adds Scalar div operators. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1132458725" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7483" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7483/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7483">#7483</a></p> </li> <li> <p>Adds Lamb optimizer. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1115720191" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7389" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7389/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7389">#7389</a></p> </li> <li> <p>Adds Polynomial Learning Rate Scheduler. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1103165186" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7260" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7260/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7260">#7260</a></p> </li> <li> <p>Adds tensor_split and as_strided operators. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1103161195" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7258" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7258/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7258">#7258</a> &amp; <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1105551071" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7275" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7275/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7275">#7275</a></p> </li> <li> <p>Adds cumprod operators. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1106453402" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7278" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7278/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7278">#7278</a></p> </li> <li> <p>Adds Tensor.T() and oneflow.t() operators. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1104730676" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7269" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7269/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7269">#7269</a></p> </li> <li> <p>Adds normalize operators. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1089042005" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7113" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7113/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7113">#7113</a></p> </li> <li> <p>Adds the inplace version of div and sub operators. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1107605480" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7293" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7293/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7293">#7293</a></p> </li> <li> <p>Adds the feature of Module.zero_grad. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1148929382" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7587" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7587/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7587">#7587</a></p> </li> <li> <p>Adds the feature of Scalar Tensor being the index to do list indexing. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1149979826" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7597" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7597/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7597">#7597</a></p> </li> <li> <p>Adds support for Leaky ReLU operators half type. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1147032298" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7569" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7569/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7569">#7569</a></p> </li> <li> <p>Adds support for mask select operators. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1137035149" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7492" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7492/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7492">#7492</a></p> </li> <li> <p>Adds non-reduce communication operations such as Bool type Broadcast and Allgather. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1113887874" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7366" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7366/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7366">#7366</a></p> </li> <li> <p>Develops autotest that supports eager global based on an autotest framework. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1096070891" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7204" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7204/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7204">#7204</a></p> </li> <li> <p>Optimizes performance for ReduceSum CUDA Kernel. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1159470962" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7684" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7684/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7684">#7684</a></p> </li> <li> <p>Optimizes CUDA Kernel of gather operators. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1112755807" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7351" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7351/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7351">#7351</a></p> </li> <li> <p>Optimizes the performance for CUDA Kernel of MaxPool and AvgPool operators in NCHW. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1125539302" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7426" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7426/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7426">#7426</a> &amp; <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1128258810" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7451" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7451/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7451">#7451</a></p> </li> <li> <p>Optimizes the backward computing of PReLU operators, which can save more memory in general. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1150097809" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7600" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7600/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7600">#7600</a></p> </li> <li> <p>Optimizes backward Kernel of LayerNorm to further save memory. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1076427352" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/6996" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6996/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/6996">#6996</a></p> </li> <li> <p>Supports passing single int in stride and dilation in Conv1D/2D/3D and DeConv1D/2D/3D Kernel. Adds Tensor.zero_() interface that aligns with PyTorch tensor.norm, torch.max and torch.min.<br> Supports inplace in flow.nn.functional.dropout. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1149250386" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7593" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7593/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7593">#7593</a></p> </li> <li> <p>Fixes bug where the BatchNorm module raises an error when affine=False. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1166025309" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7755" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7755/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7755">#7755</a></p> </li> <li> <p>Fixes Maximum and Mimimum backward bug. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1140946132" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7519" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7519/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7519">#7519</a></p> </li> <li> <p>Fixes bug where the result of var operators is unexpected in some cases. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1140899877" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7517" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7517/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7517">#7517</a></p> </li> <li> <p>Fixes incorrect behavior of Tensor deepcopy bug. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1136879663" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7490" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7490/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7490">#7490</a></p> </li> <li> <p>Fixes bug where input index is scalar tensor in slice operators. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1132132092" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7479" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7479/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7479">#7479</a></p> </li> <li> <p>Fixes bug where BinaryCrossEntropy can produce nan in half. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1131924705" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7476" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7476/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7476">#7476</a></p> </li> <li> <p>Fixes bug where an error is raised when the base and exponent of pow operators are respectively real number type and Tensor type. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1162679643" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7729" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7729/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7729">#7729</a></p> </li> <li> <p>Fixes stack operators backward bug. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1113507398" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7363" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7363/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7363">#7363</a></p> </li> <li> <p>Fixes inefficiency problem caused by CPU synchronization when clip grad is executed on CUDA with the default configuration. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1107771312" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7304" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7304/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7304">#7304</a></p> </li> <li> <p>Fixes the SBP inference of Batch Gather and Unsorted Batch Segment Sum operators, and runs the global unittest successfully. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1149024601" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7590" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7590/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7590">#7590</a></p> </li> <li> <p>Fixes Physical Shape inference of Affine Grid operators, fixes the unexpected result bug in some SBP cases, and runs the global unittest successfully. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1148038625" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7578" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7578/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7578">#7578</a></p> </li> <li> <p>Fixes the problem that arange operators don't support generating 0 size tensor, and runs the global unittest successfully. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1147804835" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7576" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7576/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7576">#7576</a></p> </li> <li> <p>Fixes the incorrect SBP inference of flip operators, and runs the global unittest successfully. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1137274879" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7496" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7496/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7496">#7496</a></p> </li> <li> <p>Fixes advanced indexing and zeroslike operators SBP bugs. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1099864144" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7238" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7238/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7238">#7238</a></p> </li> <li> <p>Fixes bug where Eager global inplace might not be successful. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1112627555" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7348" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7348/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7348">#7348</a></p> </li> </ul> <h3>5. Supporting einsum &amp; view mechanism</h3> <p>Adds <code>einsum</code> operators. <code>einsum</code> provides a set of concise but elegant rules, which can implement tensor operations including but not limited to: inner product, outer product, tensor multiplication, tensor transposition and tensor contraction, etc. Proficient use of <code>einsum</code> allows you to easily implement various complex tensor operations and be less error-prone. <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1141352586" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7526" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7526/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7526">#7526</a></p> <p>Adds <code>view</code> mechanism. The view mechanism allows the common operators to reuse/share Tensor's memory, and the memory can be saved by reducing the Kernel Launch/Compute process. At present, new view operators that do not change the tensor.is_contiguous() property have been added, such as reshape, view, squeeze, unsqueeze, etc.: <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="1138313521" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/7503" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/7503/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/7503">#7503</a> More view operators will be added later (such as transpose, permute, narrow, expand, and unfold).</p> <h3>6. Improvements of the complier</h3> <ul> <li> <p>OneFlow is officially connected to the MLIR ecosystem, and the OneFlow Dialect component is complete. Successfully completes OneFlow Job (computation graph of OneFlow nn.Graph) and RoundTrip of MLIR, and runs RoundTrip tests on all operators of OneFlow in CI process.</p> </li> <li> <p>Implements static graph optimization with a series of automatic fused operators based on MLIR DRR to accelerate OneFlow model training and inference.</p> </li> </ul> <h3>7. OneFlow Serving</h3> <p>OneFlow Serving v0.1.0 comes out with the following features:</p> <ul> <li> <p>Provides OneFlow C++ API used for inference, supporting model loading and static graph inference.</p> </li> <li> <p>The model weights and the computation graph in MLIR format can be saved simultaneously by running <code>flow.save(graph)</code> in Python. They can be loaded in C++ API (while loading computation graph is not supported in Python API at present).</p> </li> <li> <p>Supports inference of OneFlow model using TensorRT and OpenVINO automatically without model conversion (based on OneFlow XRT module), achieving better acceleration on NVIDIA GPU and Intel CPU.</p> </li> <li> <p>Implements Triton OneFlow backend</p> <ul> <li>Provides out-of-the-box Docker image.</li> <li>Supports auto configuration: only the model path needs to be given, and no Triton configuration file needs to be written in the configuration.</li> </ul> </li> <li> <p>Welcome to use the <a href="https://oneflow.cloud/drill/#/project/public/code?id=7fc904d8dbe0069820da5d6d32a764fe" rel="nofollow">project deployed with Triton OneFlow backend</a> launched on OneFlow Cloud Platform.</p> </li> </ul> <h3>8. LiBai</h3> <p>LiBai is a toolbox for massively distributed parallel training of Transformer. Compared with custom code bases such as Megatron-LM, LiBai provides a series of models and training components for distributed training based on a modular design, aiming to make models trained in distributed mode as convenient as in single-GPU mode. The 0.1.0 version mainly supports the following features and models:</p> <p>Features:</p> <ul> <li>Data Parallelism</li> <li>1D Tensor Parallelism</li> <li>Pipeline Parallelism</li> <li>Unified Distributed Layers</li> <li>Extensible for new parallelism</li> <li>Mixed Precision Training</li> <li>Activation Checkpointing</li> <li>Gradient Accumulation</li> <li>Gradient Clip</li> <li>ZeRO</li> <li>More flexible "LazyConfig" configuration system</li> <li>Easy-to-use <code>Trainer</code> and <code>Evaluator</code></li> <li>Data preprocessing supporting images and texts</li> </ul> <p>Models:</p> <ul> <li><code>Bert</code> (3D Parallelism)</li> <li><code>GPT-2</code> (3D Parallelism)</li> <li><code>ViT</code> (3D Parallelism)</li> <li><code>Swin-Transformer</code> (Data Parallelism)</li> <li>Supports fine-tuning tasks in <code>projects/</code></li> <li>Supports text classification tasks in <code>projects/</code></li> </ul> <h3>9. flow-vison</h3> <p>flowvision 0.1.0 stable version comes out with the following improvements based on the previous version:</p> <ul> <li>Adds initialization method <code>trunc_normal_</code></li> <li>Adds <code>DeiT</code> model, rebuilt <code>VisionTransformer</code> model</li> <li>Adds <code>ConvNeXt</code> model</li> <li>Adds <code>ReXNet</code> model</li> <li>Supports Learning Rate Schedule in <code>PolyLRScheduler</code> and <code>TanhLRScheduler</code></li> <li>Fixes the use of <code>F.normalize</code> in SSD model</li> <li>Fixes bugs in <code>EfficientNet</code> and <code>Res2Net</code></li> <li>Fixes weights problem in <code>vit_small_patch32_384</code> and <code>res2net50_48w_2s</code> models</li> <li>Rebuilds <code>model zoo</code> and runs more complete tests on existing models</li> <li>Rebuilds <code>load_state_dict_from_url</code> method to automatically save the downloaded weights in the cache folder</li> <li>Improves documents about <code>Getting Started</code> and <code>flowvision.models</code></li> </ul> <p>The 0.2.0 version of flowvision is already in progress. A large number of new models will be added based on the 0.1.0 version, and the documentation will be improved, so stay tuned.</p> jackalcooper tag:github.com,2008:Repository/81634683/v0.6.0 2022-02-24T01:20:18Z Version 0.6.0 <h1>OneFlow v0.6.0 Release Notes</h1> <blockquote> <p>OneFlow has been open sourced for 528 days since July 31,2020. Today OneFlow v0.6.0 came out. Welcome to use OneFlow v0.6.0. We would love to hear feedback!</p> </blockquote> <p>This version mainly updates three parts: framework, model, and OneFlow-ONNX. Hightlights include:</p> <ul> <li>Performance optimization in static graphs, dynamic graphs, operators, memory occupation, etc</li> <li>A larger number of common operators</li> <li>Improvements in static graphs and ConsistentTensor</li> <li>Serving functionality as Nvidia Triton's backend</li> <li>Richer visual pre-training models similar to torchvision and timm</li> <li>Better OneFlow-ONNX conversion functionality</li> </ul> <p>The following are the detailed release notes.</p> <h2>Framework</h2> <h3>1. Performance Optimization of nn.Graph</h3> <ul> <li>Compared to v0.5.0, nn.Graph in v0.6.0 delivers a 10% speedup in training on models such as ResNet AMP and WDL, etc <ul> <li>Optimized nn.Graph's performance in high frequency iterative training scenarios</li> <li>Redesigned the scheduling instructions of nn.Graph and refactored the interaction logic between Actor Graph and Eager VM so that the runtime execution of the Graph is asynchronous and parallel to Python input/output Tensor as much as possible</li> </ul> </li> </ul> <h3>2. Performance Optimization of Eager</h3> <ul> <li>Compared to v0.5.0, v0.6.0 OneFlow Eager's training speed increases dramatically in small batch scenarios <ul> <li>Optimized the scheduling logic for virtual machines</li> <li>Optimized get/set item</li> <li>Optimized tensor.numel()</li> <li>Optimized oneflow.Size()</li> </ul> </li> </ul> <h3>3. Performance Optimization of Operators</h3> <ul> <li>Optimized some operators that affect the performance of new model to significantly improve the training speed of these models <ul> <li>Added fused dropout operators</li> <li>Added CPU-version group deconv and optimized its performance</li> <li>Added inplace-version implementation for operators mul, hard_sigmoid, and sin</li> <li>Optimized performance for linalg.vector_norm when ord=2.0 and it is 4 times faster than before</li> <li>Deeply optimized the LayerNorm operator, making its performance greatly better than PyTorch and Apex implementation. For more information, refer to <a href="https://oneflow2020.medium.com/how-to-implement-an-efficient-layernorm-cuda-kernel-oneflow-performance-optimization-731e91a285b8" rel="nofollow">How to Implement an Efficient LayerNorm CUDA Kernel — OneFlow Performance Optimization</a></li> <li>Realized automatic type promotion of operators. For more information, refer to <a href="https://oneflow2020.medium.com/automatic-type-promotion-in-oneflow-9f8c6079b81" rel="nofollow">Automatic Type Promotion of Operators in OneFlow</a></li> </ul> </li> </ul> <h3>4. Performance Optimization of Eager's Memory Occupation</h3> <ul> <li>Optimized some operators' memory occupation during net training, making the same computing device run bigger models or data <ul> <li>Optimized the backward memory occupation of broadcast binary operators</li> <li>Optimized the backward memory occupation of Slice operator</li> <li>Optimized the memory occupation of LayerNorm operator</li> </ul> </li> </ul> <h3>5. More Useful Features to Static Computation Graph (nn.Graph)</h3> <ul> <li>The newly added features are related to the effeciency, debugging, completeness, and usability of static graphs <ul> <li>To help the debugging of static graphs, we added the following features: <ul> <li>debug mode supports graph.debug(1) printing more information about the composition</li> <li>Provided the environment variable ONEFLOW_DEBUG_PASS to show the changes in the computed graph before and after compile-time optimization</li> <li>Added user-readable thread naming information to Nsight Profile for locating and retrieving target key thread locations</li> <li>Added many static graph test cases and added automatic nn.Graph tests that accompany Eager tests</li> </ul> </li> <li>Provided graph.save() and load() interfaces to support the deployment of models (Serving) using nn.Graph</li> <li>To do AMP acceleration on GPUs which use TensorCore, the environment variable ONEFLOW_ENABLE_NHWC is provided to indicate the CNN-related operators for channels last calculation</li> <li>Enabled nn.Graph to support more usage scenarios: <ul> <li>Supported for Sparse Update Optimizer for sparse update of parameters in WDL scenarios</li> <li>Supported for using the following nn.Module Containers with nn.Graph:<br> Sequential, ModuleList, ModuleDict, ParameterList, and ParameterDict</li> <li>Supported for creating Optimizer in the init function of nn.Graph</li> <li>Supported multiple parameters sharing the same Tensor with nn.Graph</li> <li>Supported for scenarios where the actual number of processes is greater than the number of GPU devices</li> <li>Supported more Inplace execution for Consistent SBP inference under nn.Graph</li> </ul> </li> </ul> </li> </ul> <h3>6. A Larger Number of Operators</h3> <ul> <li>Newly added operators: cumsum, meshgrid, linspace, diagonal, movedim, roialign, nms, arccos, and roll</li> <li>Newly added operators: masked_fill, floordiv, glu, pool1d, pool2d, and pool3d</li> <li>Newly added unfold and fold operators: <a href="https://oneflow2020.medium.com/adding-unfold-and-fold-ops-into-oneflow-a4ae5f0ca328" rel="nofollow">Adding Unfold and Fold Ops into OneFlow</a></li> <li>Achieved automatic data type promotion of operators: [<a href="https://oneflow2020.medium.com/automatic-type-promotion-in-oneflow-9f8c6079b81" rel="nofollow">Automatic Type Promotion of Operators in OneFlow</a></li> <li>Added expand and repeat operators: <a href="https://oneflow2020.medium.com/add-expand-and-repeat-ops-into-oneflow-42c42be69429" rel="nofollow">Added Expand and Repeat Operators into OneFlow</a></li> <li>Supported one-click switching for the current torchvision library models by the command <code>import oneflow as torch</code></li> </ul> <h3>7. User-Defined autograd.Function</h3> <p>Users can customize autograd.Function just like using Torch.</p> <h3>8. Added Basic Serving Functionality</h3> <p>Serving functionality of models is provided by OneFlow as Nvidia Triton's backend.</p> <h3>9. Added Some Functionalities of Tensor (ConsistentTensor)</h3> <ul> <li>Supported Tensor using 2-D SBP to represent arbitrary hybrid parallelism (such as a Linear operation that runs data parallelism in the row direction of the device matrix and model parallelism in the column)</li> <li>Supported Tensor's conversion from arbitrary 1-D SBP to 2-D SBP (the network consists of a mixture of 1-D parallel and 2-D parallel)</li> <li>Supported constructing ConsistentTensor from numpy</li> <li>oneflow.from_numpy()</li> <li>oneflow.numel()</li> <li>tensor.expand_as()</li> </ul> <h2>Model</h2> <p><a href="https://github.com/Oneflow-Inc/vision">Released flowvision 0.0.54</a>.</p> <h3>1. Richer Visual Pre-training Models</h3> <h4>Image Classification</h4> <ul> <li>CNN series: <code>ResNet</code>, <code>DenseNet</code>, <code>VGG</code>, <code>ResNext</code>, <code>EfficientNet</code>, etc</li> <li>Vision Transformer series: <code>ViT</code>, <code>PVT</code>, <code>Swin-Transformer</code>, etc</li> <li>Vision MLP series: <code>Mlp-Mixer</code>, <code>Res-MLP</code>, <code>g-MLP</code>, etc</li> </ul> <h4>Object Detection</h4> <ul> <li>SSD, SSDLite</li> <li>Faster R-CNN</li> <li>RetinaNet</li> </ul> <h4>Image Segmentation</h4> <ul> <li>FCN</li> <li>DeepLabV3</li> </ul> <h4>Style Migration</h4> <ul> <li>StyleNet: Suport Styles <code>sketch</code>, <code>candy</code>, <code>mosaic</code>, <code>rain_princess</code>, and <code>undie</code></li> </ul> <h3>2. Implemented Data Augmentation Operations Similar to torchvision</h3> <p>For data augmentation operations like <code>CenterCrop</code> and <code>ColorJitter</code> similar to torvhvision, developers can run <code>import flowvision as torchvision</code>to execute in most scenarios.</p> <h3>3. Implemented Advanced Data Augmentation Opertations Similar to timm</h3> <p>Advanced data augmentation opertations implemented in flowvision.data:</p> <ul> <li>Mixup</li> <li>CutMix</li> <li>Random-Erasing</li> <li>AutoAugment</li> <li>RandAugment</li> <li>AugMix</li> </ul> <h3>4. Separated the Layers Module and Provided a Plug-and-play Block when Building a Model</h3> <h4>flowvision.layers.attention</h4> <ul> <li>Implemented plug-and-play attention models like <code>Non-Local</code>, <code>SELayer</code>, <code>CBAM</code>, <code>BAM</code>, <code>ECA</code>, etc</li> </ul> <h4>flowvision.layers.blocks</h4> <ul> <li>Provided modules that might be used for model building like <code>PatchEmb</code>, <code>Pooler</code>, <code>ConvBnAct</code>, etc</li> </ul> <h4>flowvision.layers.regularization</h4> <ul> <li>Provided regularization modules such as <code>drop-path</code>, <code>drop-block</code>, and <code>stochastic depth</code> to improve model generalization ability</li> <li>Provided separate files such as <code>activation</code> and <code>weight_init</code> to improve components like <code>activation function</code> and <code>initialize method</code></li> </ul> <h2>OneFlow-ONNX Conversion</h2> <p>Updated OneFlow to ONNX toolkit:</p> <ul> <li>Supported OneFlow model converting to ONNX model in CPU or GPU mode</li> <li>Added test cases for operators and models to align all classification models in OneFlowVision library</li> <li>Fixed onnx-runtime bugs during PReLU conversion</li> <li>Compatible with v1.9.0 onnx-runtime library or later versions</li> <li>Released v0.5.4 oneflow-onnx package, and developers can run <code>pip install oneflow-onnx</code> to experience</li> </ul> jackalcooper tag:github.com,2008:Repository/81634683/v0.5.0 2021-10-08T07:06:48Z v0.5.0 <h1>Changelog</h1> <h2>v0.5.0 (8/10/2021)</h2> <h2>Highlights</h2> <ul> <li>First class support for eager execution. The deprecated APIs are moved to <code>oneflow.compatible.single_client</code></li> <li>Drop-in replacement of <code>import torch</code> for existing Pytorch projects. You could test it by inter-changing <code>import oneflow as torch</code> and <code>import torch as flow</code>.</li> <li><a href="https://docs.oneflow.org/master/basics/04_build_network.html#module" rel="nofollow">nn.Module</a> for eager execution</li> <li><a href="https://docs.oneflow.org/master/basics/08_nn_graph.html" rel="nofollow">nn.Graph</a> for lazy execution</li> <li><a href="https://oneflow.readthedocs.io/en/master/nn.html#oneflow.nn.parallel.DistributedDataParallel" rel="nofollow">DDP</a> for data parallel</li> </ul> <h3>A sneak peek of the new API</h3> <p>Here is a minimum example showcasing how to incorporate a <code>nn.Module</code> in a <code>nn.Graph</code> and have it run in lazy mode.</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="class NeuralGraph(flow.nn.Graph): def __init__(self, ...): super().__init__() self.model = model # model is a nn.Module instance def build(self, x): y_pred = self.model(x) return y_pred graph = NeuralGraph() # to create a nn.Graph instance y_pred = graph(x) # to run the created nn.Graph"><pre><span class="pl-k">class</span> <span class="pl-v">NeuralGraph</span>(<span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Graph</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>, ...): <span class="pl-en">super</span>().<span class="pl-c1">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-c1">model</span> <span class="pl-c1">=</span> <span class="pl-s1">model</span> <span class="pl-c"># model is a nn.Module instance</span> <span class="pl-k">def</span> <span class="pl-en">build</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>): <span class="pl-s1">y_pred</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-c1">model</span>(<span class="pl-s1">x</span>) <span class="pl-k">return</span> <span class="pl-s1">y_pred</span> <span class="pl-s1">graph</span> <span class="pl-c1">=</span> <span class="pl-en">NeuralGraph</span>() <span class="pl-c"># to create a nn.Graph instance</span> <span class="pl-s1">y_pred</span> <span class="pl-c1">=</span> <span class="pl-en">graph</span>(<span class="pl-s1">x</span>) <span class="pl-c"># to run the created nn.Graph</span></pre></div> <h4>New in Python API</h4> <ul> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>test</strong>][<strong>python</strong>][<strong>interface</strong>] Add test for convtranspose2d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5239" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5239/hovercard">#5239</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>][<strong>interface</strong>] Add GroupNorm <a href="https://github.com/Oneflow-Inc/oneflow/pull/5175" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5175/hovercard">#5175</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>python</strong>][<strong>interface</strong>] [Add] avgpool1d avgpool3d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5165" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5165/hovercard">#5165</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>python</strong>][<strong>interface</strong>] Add deconv cpu impl <a href="https://github.com/Oneflow-Inc/oneflow/pull/5224" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5224/hovercard">#5224</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] Fix acosh bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5221" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5221/hovercard">#5221</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>python</strong>][<strong>interface</strong>] Dev modules ctc loss <a href="https://github.com/Oneflow-Inc/oneflow/pull/5168" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5168/hovercard">#5168</a></li> <li>[<strong>bottleneck</strong>][<strong>bug</strong>][<strong>documentation</strong>][<strong>python</strong>][<strong>interface</strong>] Fix meshgrid test bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5208" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5208/hovercard">#5208</a></li> <li>[<strong>eager</strong>][<strong>documentation</strong>][<strong>python</strong>][<strong>interface</strong>] Rename CosineScheduler to CosineAnnealingLR <a href="https://github.com/Oneflow-Inc/oneflow/pull/5112" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5112/hovercard">#5112</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>python</strong>][<strong>interface</strong>] Add meshgrid module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5205" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5205/hovercard">#5205</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>bug</strong>][<strong>op</strong>][<strong>python</strong>] support bias in conv2d's parameter list <a href="https://github.com/Oneflow-Inc/oneflow/pull/5322" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5322/hovercard">#5322</a></li> <li>[<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] add not_equal, greater_equal and less_equal module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5350" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5350/hovercard">#5350</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>python</strong>] refine pow module and its test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5319" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5319/hovercard">#5319</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>python</strong>] Add triu op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5329" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5329/hovercard">#5329</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>python</strong>] Fix optimizer for not supporting all kinds of iterables <a href="https://github.com/Oneflow-Inc/oneflow/pull/5355" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5355/hovercard">#5355</a></li> <li>[<strong>bug</strong>][<strong>python</strong>][<strong>interface</strong>] raise IndexError in get_canonical_index to support for loop <a href="https://github.com/Oneflow-Inc/oneflow/pull/5345" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5345/hovercard">#5345</a></li> <li>[<strong>bug</strong>][<strong>python</strong>][<strong>interface</strong>] tensor slice assign supports broadcasting <a href="https://github.com/Oneflow-Inc/oneflow/pull/5344" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5344/hovercard">#5344</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>python</strong>] add cpu group conv logic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5314" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5314/hovercard">#5314</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Add 'nn.Mish' module and corresponding functions <a href="https://github.com/Oneflow-Inc/oneflow/pull/5310" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5310/hovercard">#5310</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>][<strong>python</strong>] Remove ONNX from setup py <a href="https://github.com/Oneflow-Inc/oneflow/pull/5297" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5297/hovercard">#5297</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>][<strong>interface</strong>] [add] zeropad2d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5278" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5278/hovercard">#5278</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>python</strong>][<strong>interface</strong>] Lazy nn.Graph FeedInputOpExpr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5458" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5458/hovercard">#5458</a></li> <li>[<strong>feature</strong>][<strong>python</strong>][<strong>interface</strong>] integrate nn.image.flip <a href="https://github.com/Oneflow-Inc/oneflow/pull/5411" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5411/hovercard">#5411</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] Fix issues in point of MultiClientSession <a href="https://github.com/Oneflow-Inc/oneflow/pull/5469" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5469/hovercard">#5469</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>python</strong>] update HasAllMultiClientEnvVars() <a href="https://github.com/Oneflow-Inc/oneflow/pull/5459" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5459/hovercard">#5459</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Add in_top_k function <a href="https://github.com/Oneflow-Inc/oneflow/pull/5428" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5428/hovercard">#5428</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Dev add docstring <a href="https://github.com/Oneflow-Inc/oneflow/pull/5449" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5449/hovercard">#5449</a></li> <li>[<strong>feature</strong>][<strong>api</strong>][<strong>python</strong>] MultiClientSession <a href="https://github.com/Oneflow-Inc/oneflow/pull/5407" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5407/hovercard">#5407</a></li> <li>[<strong>documentation</strong>][<strong>python</strong>] remove --user <a href="https://github.com/Oneflow-Inc/oneflow/pull/5431" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5431/hovercard">#5431</a></li> <li>[<strong>feature</strong>][<strong>python</strong>][<strong>interface</strong>] nn.Graph python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5309" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5309/hovercard">#5309</a></li> <li>[<strong>feature</strong>][<strong>python</strong>][<strong>interface</strong>] Fea/nn graph/graph name <a href="https://github.com/Oneflow-Inc/oneflow/pull/5413" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5413/hovercard">#5413</a></li> <li>[<strong>bug</strong>][<strong>python</strong>][<strong>interface</strong>] rm nn.Graph.train <a href="https://github.com/Oneflow-Inc/oneflow/pull/5424" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5424/hovercard">#5424</a></li> <li>[<strong>op</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] add bernoulli module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5353" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5353/hovercard">#5353</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] flow.S/B/P <a href="https://github.com/Oneflow-Inc/oneflow/pull/5306" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5306/hovercard">#5306</a></li> <li>[<strong>enhancement</strong>][<strong>documentation</strong>][<strong>python</strong>] Add instruction on upgrade pip <a href="https://github.com/Oneflow-Inc/oneflow/pull/5400" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5400/hovercard">#5400</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Rm oneflow export and experimental <a href="https://github.com/Oneflow-Inc/oneflow/pull/5589" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5589/hovercard">#5589</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] Fix nn.graph.utils module conflict <a href="https://github.com/Oneflow-Inc/oneflow/pull/5598" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5598/hovercard">#5598</a></li> <li>[<strong>feature</strong>][<strong>ci</strong>][<strong>python</strong>] Update autotest framework <a href="https://github.com/Oneflow-Inc/oneflow/pull/5520" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5520/hovercard">#5520</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] copy of_proto_python_dir to compatible_single_client_python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5539" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5539/hovercard">#5539</a></li> <li>[<strong>enhancement</strong>][<strong>api</strong>][<strong>python</strong>] del default env init <a href="https://github.com/Oneflow-Inc/oneflow/pull/5537" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5537/hovercard">#5537</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Fix single client using same glog file <a href="https://github.com/Oneflow-Inc/oneflow/pull/5535" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5535/hovercard">#5535</a></li> <li>[<strong>bug</strong>][<strong>api</strong>][<strong>python</strong>] Fix Session TryClose <a href="https://github.com/Oneflow-Inc/oneflow/pull/5531" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5531/hovercard">#5531</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>python</strong>] split vector-matrix norm <a href="https://github.com/Oneflow-Inc/oneflow/pull/5478" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5478/hovercard">#5478</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>python</strong>][<strong>interface</strong>] Add more upsample kernel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5382" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5382/hovercard">#5382</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>test</strong>][<strong>python</strong>] add torchstyle unittest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5489" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5489/hovercard">#5489</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>python</strong>] nn.Graph with training <a href="https://github.com/Oneflow-Inc/oneflow/pull/5662" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5662/hovercard">#5662</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>python</strong>] Fea/nn graph/block proxy func <a href="https://github.com/Oneflow-Inc/oneflow/pull/5727" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5727/hovercard">#5727</a></li> <li>[<strong>enhancement</strong>][<strong>api</strong>][<strong>python</strong>] consistent_tensor_to_api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5703" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5703/hovercard">#5703</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>python</strong>] Dev Align torch avgpool <a href="https://github.com/Oneflow-Inc/oneflow/pull/5610" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5610/hovercard">#5610</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] fix circular deps of sbp python module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5706" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5706/hovercard">#5706</a></li> <li>[<strong>documentation</strong>][<strong>python</strong>] [part5]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5674" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5674/hovercard">#5674</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] [part4]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5672" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5672/hovercard">#5672</a></li> <li>[<strong>bug</strong>][<strong>op</strong>][<strong>python</strong>] remove outdated code in conv3d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5696" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5696/hovercard">#5696</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>python</strong>] enlarge tolerance of dataloader test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5689" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5689/hovercard">#5689</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>python</strong>] add autotest for some math ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/5646" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5646/hovercard">#5646</a></li> <li>[<strong>feature</strong>][<strong>python</strong>] nn.Graph optimizer part 2: add L2, pass job complete, refactor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5604" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5604/hovercard">#5604</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Add clip_grad_norm <a href="https://github.com/Oneflow-Inc/oneflow/pull/5299" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5299/hovercard">#5299</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] Remove Single-Client API in oneflow default python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5827" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5827/hovercard">#5827</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] Fix ddp grad size <a href="https://github.com/Oneflow-Inc/oneflow/pull/5834" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5834/hovercard">#5834</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>python</strong>] Dev RMSprop graph conf <a href="https://github.com/Oneflow-Inc/oneflow/pull/5768" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5768/hovercard">#5768</a></li> <li>[<strong>enhancement</strong>][<strong>purge</strong>][<strong>eager</strong>][<strong>python</strong>] remove scale arg in optimizer <a href="https://github.com/Oneflow-Inc/oneflow/pull/5821" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5821/hovercard">#5821</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>python</strong>] graph/block io check <a href="https://github.com/Oneflow-Inc/oneflow/pull/5803" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5803/hovercard">#5803</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>python</strong>] Dev adam graph conf <a href="https://github.com/Oneflow-Inc/oneflow/pull/5709" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5709/hovercard">#5709</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] [part10]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5756" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5756/hovercard">#5756</a></li> <li>[<strong>feature</strong>][<strong>api</strong>][<strong>python</strong>] better repr of nn.Graph for debug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5762" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5762/hovercard">#5762</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] fix weight decay in RMSprop <a href="https://github.com/Oneflow-Inc/oneflow/pull/5755" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5755/hovercard">#5755</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] [part9]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5752" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5752/hovercard">#5752</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] [part8]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5750" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5750/hovercard">#5750</a></li> <li>[<strong>documentation</strong>][<strong>python</strong>] add first batch of methods in oneflow.nn.functional namespace <a href="https://github.com/Oneflow-Inc/oneflow/pull/5693" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5693/hovercard">#5693</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] [part6]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5704" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5704/hovercard">#5704</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] use default_generator.seed() as random_seed in init <a href="https://github.com/Oneflow-Inc/oneflow/pull/5721" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5721/hovercard">#5721</a></li> <li>[<strong>bug</strong>][<strong>system</strong>][<strong>python</strong>] ddp broadcast params and buffers <a href="https://github.com/Oneflow-Inc/oneflow/pull/5913" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5913/hovercard">#5913</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>python</strong>] Add consistent tensor requires grad test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5925" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5925/hovercard">#5925</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] wrap flow.nn.init.* with flow.no_grad() <a href="https://github.com/Oneflow-Inc/oneflow/pull/5932" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5932/hovercard">#5932</a></li> <li>[<strong>feature</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] add clip_grad to optimizer <a href="https://github.com/Oneflow-Inc/oneflow/pull/5817" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5817/hovercard">#5817</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>op</strong>][<strong>test</strong>][<strong>python</strong>] add randperm with test and docs <a href="https://github.com/Oneflow-Inc/oneflow/pull/5680" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5680/hovercard">#5680</a></li> <li>[<strong>feature</strong>][<strong>api</strong>][<strong>python</strong>] Fea/nn graph/ lr_schedule(and cosine lr_sch) and opt_group <a href="https://github.com/Oneflow-Inc/oneflow/pull/5846" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5846/hovercard">#5846</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] fix bug of SyncOnMasterFn atexit <a href="https://github.com/Oneflow-Inc/oneflow/pull/5909" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5909/hovercard">#5909</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] Delete single client nn modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/6061" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6061/hovercard">#6061</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Move framework.distribute to env <a href="https://github.com/Oneflow-Inc/oneflow/pull/6022" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6022/hovercard">#6022</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] skip sync when abnormally exiting <a href="https://github.com/Oneflow-Inc/oneflow/pull/6025" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6025/hovercard">#6025</a></li> <li>[<strong>feature</strong>][<strong>python</strong>] Fea/nn graph/warmup amp config <a href="https://github.com/Oneflow-Inc/oneflow/pull/5969" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5969/hovercard">#5969</a></li> <li>[<strong>documentation</strong>][<strong>python</strong>] add optimizer api docs <a href="https://github.com/Oneflow-Inc/oneflow/pull/6131" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6131/hovercard">#6131</a></li> <li>[<strong>documentation</strong>][<strong>python</strong>] add_tensor_api_doc <a href="https://github.com/Oneflow-Inc/oneflow/pull/6127" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6127/hovercard">#6127</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] Fix test_grid_sample.py and test_affine_grid.py threshold <a href="https://github.com/Oneflow-Inc/oneflow/pull/6125" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6125/hovercard">#6125</a></li> <li>[<strong>documentation</strong>][<strong>api</strong>][<strong>python</strong>] add doc of graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/6093" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6093/hovercard">#6093</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] Fix make of_format fail in ubuntu <a href="https://github.com/Oneflow-Inc/oneflow/pull/6120" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6120/hovercard">#6120</a></li> <li>[<strong>feature</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] Fea/graph helpers <a href="https://github.com/Oneflow-Inc/oneflow/pull/6088" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6088/hovercard">#6088</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>python</strong>][<strong>interface</strong>] Use flow.randint in dataloader <a href="https://github.com/Oneflow-Inc/oneflow/pull/6086" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6086/hovercard">#6086</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] Import oneflow as torch <a href="https://github.com/Oneflow-Inc/oneflow/pull/6076" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6076/hovercard">#6076</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>api</strong>][<strong>python</strong>][<strong>refactor</strong>] rename OfrecordReader to OFRcordReader <a href="https://github.com/Oneflow-Inc/oneflow/pull/6090" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6090/hovercard">#6090</a></li> <li>[<strong>purge</strong>][<strong>python</strong>][<strong>need-single-client-tests</strong>] Delete single client nn modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/6082" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6082/hovercard">#6082</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] flow.load tolerates FileNotFound fault <a href="https://github.com/Oneflow-Inc/oneflow/pull/6083" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6083/hovercard">#6083</a></li> <li>[<strong>feature</strong>][<strong>python</strong>] Fea/pipeline in graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/6105" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6105/hovercard">#6105</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>python</strong>] graph activation checkpointing <a href="https://github.com/Oneflow-Inc/oneflow/pull/6192" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6192/hovercard">#6192</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>op</strong>][<strong>python</strong>] rnn test <a href="https://github.com/Oneflow-Inc/oneflow/pull/6165" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6165/hovercard">#6165</a></li> </ul> <h4>New in Ops:</h4> <ul> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] [Functional] Part2: Add partial unary and math functional apis <a href="https://github.com/Oneflow-Inc/oneflow/pull/5218" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5218/hovercard">#5218</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>][<strong>interface</strong>] Refine deconv kernel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5229" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5229/hovercard">#5229</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] add ReflectionPad2d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5172" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5172/hovercard">#5172</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] crossentropyloss and nllloss support ignore_index <a href="https://github.com/Oneflow-Inc/oneflow/pull/5195" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5195/hovercard">#5195</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] Yejiaojiao/dev bcewithlogitsloss <a href="https://github.com/Oneflow-Inc/oneflow/pull/5173" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5173/hovercard">#5173</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>op</strong>] Dev user op set default is_dynamic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5223" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5223/hovercard">#5223</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] add magic method for pow <a href="https://github.com/Oneflow-Inc/oneflow/pull/5199" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5199/hovercard">#5199</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] add cpu version of upsampling <a href="https://github.com/Oneflow-Inc/oneflow/pull/5194" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5194/hovercard">#5194</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] add ReplicationPad2d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5148" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5148/hovercard">#5148</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] add kldivloss module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5155" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5155/hovercard">#5155</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>documentation</strong>][<strong>build</strong>][<strong>api</strong>][<strong>interface</strong>] Add floor module and the corresponding testcases <a href="https://github.com/Oneflow-Inc/oneflow/pull/4964" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/4964/hovercard">#4964</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>op</strong>] Dev conv1d module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5280" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5280/hovercard">#5280</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Add ctc_greedy_decoder op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5294" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5294/hovercard">#5294</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>system</strong>] Dev remove default grad func <a href="https://github.com/Oneflow-Inc/oneflow/pull/5320" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5320/hovercard">#5320</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>system</strong>] Add pad grad func. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5354" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5354/hovercard">#5354</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>system</strong>] Add gradient funcs. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5348" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5348/hovercard">#5348</a></li> <li>[<strong>feature</strong>][<strong>purge</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>interface</strong>] fix upsample nearest bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5347" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5347/hovercard">#5347</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>system</strong>] [Functional] Part7: Migrate pooling ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/5253" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5253/hovercard">#5253</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] nvjpeg hardware acc <a href="https://github.com/Oneflow-Inc/oneflow/pull/5240" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5240/hovercard">#5240</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] Add bmm module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5334" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5334/hovercard">#5334</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev image decode eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5333" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5333/hovercard">#5333</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Optimize softmax warp impl <a href="https://github.com/Oneflow-Inc/oneflow/pull/4977" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/4977/hovercard">#4977</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev tensor buffer eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5317" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5317/hovercard">#5317</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] [Functional] Part6: Migrate conv op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5252" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5252/hovercard">#5252</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev sort eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5284" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5284/hovercard">#5284</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>][<strong>api</strong>] fix bceloss bug in default weight and reduction <a href="https://github.com/Oneflow-Inc/oneflow/pull/5303" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5303/hovercard">#5303</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] remove redundant assert and check <a href="https://github.com/Oneflow-Inc/oneflow/pull/5264" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5264/hovercard">#5264</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>op</strong>] fix bceloss bug about weight <a href="https://github.com/Oneflow-Inc/oneflow/pull/5269" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5269/hovercard">#5269</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] [Functional] Part5: Migrate nn ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/5249" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5249/hovercard">#5249</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev argsort eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5273" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5273/hovercard">#5273</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] [Functional] Part4: Migrate array ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/5247" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5247/hovercard">#5247</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] [Functional] Part3: Migrate binary and activation ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/5246" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5246/hovercard">#5246</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>op</strong>][<strong>test</strong>] Dev fix rmsprop ci fail <a href="https://github.com/Oneflow-Inc/oneflow/pull/5481" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5481/hovercard">#5481</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] add inplace method: Tensor.sin_ <a href="https://github.com/Oneflow-Inc/oneflow/pull/5471" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5471/hovercard">#5471</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] hotfix image_batch_align <a href="https://github.com/Oneflow-Inc/oneflow/pull/5461" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5461/hovercard">#5461</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>interface</strong>] Dev maxpool series op 123d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5244" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5244/hovercard">#5244</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] fix pool gpu kernel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5446" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5446/hovercard">#5446</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] add pixelshufflev2 module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5383" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5383/hovercard">#5383</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>interface</strong>] Add flow xxx and tensor xxx autotest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5386" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5386/hovercard">#5386</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] Modules chunk <a href="https://github.com/Oneflow-Inc/oneflow/pull/5324" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5324/hovercard">#5324</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] add image normalize for eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5402" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5402/hovercard">#5402</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev batch align module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5401" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5401/hovercard">#5401</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] add coco reader module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5391" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5391/hovercard">#5391</a></li> <li>[<strong>enhancement</strong>][<strong>wip</strong>][<strong>op</strong>] Restruct Elementwise kernel <a href="https://github.com/Oneflow-Inc/oneflow/pull/4130" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/4130/hovercard">#4130</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix DecodeRandom reuse mem <a href="https://github.com/Oneflow-Inc/oneflow/pull/5606" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5606/hovercard">#5606</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Align pytorch maxpool <a href="https://github.com/Oneflow-Inc/oneflow/pull/5525" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5525/hovercard">#5525</a></li> <li>[<strong>enhancement</strong>][<strong>bottleneck</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>] implementation of constantpad-3d op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5529" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5529/hovercard">#5529</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Add scale size for resize <a href="https://github.com/Oneflow-Inc/oneflow/pull/5509" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5509/hovercard">#5509</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] Dev optimize tensor setitem <a href="https://github.com/Oneflow-Inc/oneflow/pull/5501" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5501/hovercard">#5501</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] register uint8 dtypeto support dataloader <a href="https://github.com/Oneflow-Inc/oneflow/pull/5499" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5499/hovercard">#5499</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Add unique.cuh <a href="https://github.com/Oneflow-Inc/oneflow/pull/5487" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5487/hovercard">#5487</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] Dev ofrecord auto truncating <a href="https://github.com/Oneflow-Inc/oneflow/pull/5412" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5412/hovercard">#5412</a></li> <li>[<strong>feature</strong>][<strong>op</strong>][<strong>system</strong>][<strong>interface</strong>] Feat: LazyInterpret::ApplyImpl support SourceUserOpExpr and Copy <a href="https://github.com/Oneflow-Inc/oneflow/pull/5711" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5711/hovercard">#5711</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] Dev logical_and/or modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/5636" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5636/hovercard">#5636</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] support any number positional arguments for ones and zeros op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5698" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5698/hovercard">#5698</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>] Add conv3d Module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5327" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5327/hovercard">#5327</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] add batchnorm3d module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5631" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5631/hovercard">#5631</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix reduce min max backward bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5651" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5651/hovercard">#5651</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Debug dim scatter <a href="https://github.com/Oneflow-Inc/oneflow/pull/5371" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5371/hovercard">#5371</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] Dev eye <a href="https://github.com/Oneflow-Inc/oneflow/pull/5583" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5583/hovercard">#5583</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev minimum maximum <a href="https://github.com/Oneflow-Inc/oneflow/pull/5576" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5576/hovercard">#5576</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Restruct activation grad op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5669" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5669/hovercard">#5669</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>] Rewrite activation function <a href="https://github.com/Oneflow-Inc/oneflow/pull/5465" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5465/hovercard">#5465</a></li> <li>[<strong>bug</strong>][<strong>op</strong>][<strong>documentation</strong>] add oneflow.cat for documentation <a href="https://github.com/Oneflow-Inc/oneflow/pull/5621" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5621/hovercard">#5621</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Lcy logsoftmax <a href="https://github.com/Oneflow-Inc/oneflow/pull/5746" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5746/hovercard">#5746</a></li> <li>[<strong>feature</strong>][<strong>op</strong>][<strong>need-simple-ci</strong>] Feat empty op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5659" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5659/hovercard">#5659</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev split <a href="https://github.com/Oneflow-Inc/oneflow/pull/5714" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5714/hovercard">#5714</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] add index_select op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5661" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5661/hovercard">#5661</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] fix nvjpeg hw acc <a href="https://github.com/Oneflow-Inc/oneflow/pull/5851" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5851/hovercard">#5851</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Remove move in conv_cudnn <a href="https://github.com/Oneflow-Inc/oneflow/pull/5828" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5828/hovercard">#5828</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] Dev logical_xor module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5694" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5694/hovercard">#5694</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix squeeze <a href="https://github.com/Oneflow-Inc/oneflow/pull/5808" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5808/hovercard">#5808</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Get parallel_id and parallel_num through rank and world size in DDP <a href="https://github.com/Oneflow-Inc/oneflow/pull/5717" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5717/hovercard">#5717</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] delete interpolate int type <a href="https://github.com/Oneflow-Inc/oneflow/pull/5805" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5805/hovercard">#5805</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix bug in scatter <a href="https://github.com/Oneflow-Inc/oneflow/pull/5743" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5743/hovercard">#5743</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Refactor: remove module not required, call function directly <a href="https://github.com/Oneflow-Inc/oneflow/pull/5754" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5754/hovercard">#5754</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Remove modules not required(tan, erfc, log1p, scatter_nd) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5791" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5791/hovercard">#5791</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Refactor scatter, clamp and pow in cpp instead of in python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5715" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5715/hovercard">#5715</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Rm useless code in gather files <a href="https://github.com/Oneflow-Inc/oneflow/pull/5687" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5687/hovercard">#5687</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] change flip_code to scalar <a href="https://github.com/Oneflow-Inc/oneflow/pull/5786" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5786/hovercard">#5786</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>][<strong>interface</strong>] fix upsample bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5753" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5753/hovercard">#5753</a></li> <li>[<strong>bug</strong>][<strong>op</strong>][<strong>interface</strong>] Quick fix Lazy nn.Graph input/output OpConf.BlobConf.is_dynamic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5767" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5767/hovercard">#5767</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix argwhere 0-dim bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5760" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5760/hovercard">#5760</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] delete unused code <a href="https://github.com/Oneflow-Inc/oneflow/pull/5744" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5744/hovercard">#5744</a></li> <li>[<strong>feature</strong>][<strong>op</strong>] Export fused_scale_tril op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5933" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5933/hovercard">#5933</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix backward bug in 3d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5908" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5908/hovercard">#5908</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix one_hot api limit <a href="https://github.com/Oneflow-Inc/oneflow/pull/5927" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5927/hovercard">#5927</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev where scalar <a href="https://github.com/Oneflow-Inc/oneflow/pull/5797" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5797/hovercard">#5797</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] fix grad error <a href="https://github.com/Oneflow-Inc/oneflow/pull/5914" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5914/hovercard">#5914</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>op</strong>] Fix inplace op circle reference bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5910" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5910/hovercard">#5910</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Move the judgment content to c++, And add scalar fmod <a href="https://github.com/Oneflow-Inc/oneflow/pull/5854" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5854/hovercard">#5854</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Support combined_margin_loss op in flow.nn.modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/5830" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5830/hovercard">#5830</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] functional_one_hot <a href="https://github.com/Oneflow-Inc/oneflow/pull/5315" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5315/hovercard">#5315</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Dev scalar op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5778" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5778/hovercard">#5778</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix gather kernel 0 shape <a href="https://github.com/Oneflow-Inc/oneflow/pull/5888" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5888/hovercard">#5888</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] add l2_normalize for mutl-client interfaces <a href="https://github.com/Oneflow-Inc/oneflow/pull/5859" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5859/hovercard">#5859</a></li> <li>[<strong>feature</strong>][<strong>op</strong>] Export function softmax_cross_entropy <a href="https://github.com/Oneflow-Inc/oneflow/pull/6056" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6056/hovercard">#6056</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Add int attr for functional adaptive average pool <a href="https://github.com/Oneflow-Inc/oneflow/pull/6059" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6059/hovercard">#6059</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] dev full op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5955" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5955/hovercard">#5955</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix 0dim inplace add <a href="https://github.com/Oneflow-Inc/oneflow/pull/6029" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6029/hovercard">#6029</a></li> <li>[<strong>feature</strong>][<strong>op</strong>][<strong>system</strong>][<strong>interface</strong>] Feat: nn.Graph image gpu decoder <a href="https://github.com/Oneflow-Inc/oneflow/pull/6014" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6014/hovercard">#6014</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] dev optim_optim_lr_scheduler_multisteplr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5975" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5975/hovercard">#5975</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] NopKernel <a href="https://github.com/Oneflow-Inc/oneflow/pull/6035" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6035/hovercard">#6035</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>] Dev tril op <a href="https://github.com/Oneflow-Inc/oneflow/pull/6005" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6005/hovercard">#6005</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] dev unfold and fold <a href="https://github.com/Oneflow-Inc/oneflow/pull/5675" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5675/hovercard">#5675</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] ResNet CUDA Graphs <a href="https://github.com/Oneflow-Inc/oneflow/pull/6018" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6018/hovercard">#6018</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>op</strong>] add broadcast pow <a href="https://github.com/Oneflow-Inc/oneflow/pull/6013" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6013/hovercard">#6013</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] init of op diag <a href="https://github.com/Oneflow-Inc/oneflow/pull/5298" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5298/hovercard">#5298</a></li> <li>[<strong>op</strong>][<strong>documentation</strong>][<strong>api</strong>] Fix api document bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6009" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6009/hovercard">#6009</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Dev fused functional <a href="https://github.com/Oneflow-Inc/oneflow/pull/5954" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5954/hovercard">#5954</a></li> <li>[<strong>bug</strong>][<strong>op</strong>][<strong>build</strong>] Add nvcc flag -Werror cross-execution-space-call <a href="https://github.com/Oneflow-Inc/oneflow/pull/6002" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6002/hovercard">#6002</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix Normalization grad function <a href="https://github.com/Oneflow-Inc/oneflow/pull/5993" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5993/hovercard">#5993</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>test</strong>][<strong>interface</strong>] Add fused self attention <a href="https://github.com/Oneflow-Inc/oneflow/pull/5966" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5966/hovercard">#5966</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] Try to fix var bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5973" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5973/hovercard">#5973</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>interface</strong>] add prod op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5867/hovercard">#5867</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>] add glu op <a href="https://github.com/Oneflow-Inc/oneflow/pull/6065" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6065/hovercard">#6065</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Align Torch.nn.functional poolXd <a href="https://github.com/Oneflow-Inc/oneflow/pull/6184" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6184/hovercard">#6184</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix backward index for gamma beta <a href="https://github.com/Oneflow-Inc/oneflow/pull/6149" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6149/hovercard">#6149</a></li> <li>[<strong>bug</strong>][<strong>op</strong>][<strong>system</strong>] Fix BroadcastMatmulGrad bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6168" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6168/hovercard">#6168</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>] Add Int support for functional.avg/maxpool <a href="https://github.com/Oneflow-Inc/oneflow/pull/6174" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6174/hovercard">#6174</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] align dropout api name with pytorch <a href="https://github.com/Oneflow-Inc/oneflow/pull/6170" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6170/hovercard">#6170</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] support inplace operation for hardsigmoid <a href="https://github.com/Oneflow-Inc/oneflow/pull/6137" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6137/hovercard">#6137</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>] Fix do bias correction in Adam/AdamW <a href="https://github.com/Oneflow-Inc/oneflow/pull/5960" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5960/hovercard">#5960</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] fix repeat 0-dim tensor bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6150" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6150/hovercard">#6150</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>] Fix select_first_grad bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6142" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6142/hovercard">#6142</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>documentation</strong>][<strong>interface</strong>] Add clipgrad doc and contiguous <a href="https://github.com/Oneflow-Inc/oneflow/pull/6130" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6130/hovercard">#6130</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix eager optim dynamic attr bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6111" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6111/hovercard">#6111</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Support grid_sample and affine_grid operator <a href="https://github.com/Oneflow-Inc/oneflow/pull/6038" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6038/hovercard">#6038</a></li> <li>[<strong>op</strong>][<strong>documentation</strong>] Export apis for documentation <a href="https://github.com/Oneflow-Inc/oneflow/pull/6068" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6068/hovercard">#6068</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>documentation</strong>][<strong>interface</strong>] transfer python function to c++ method <a href="https://github.com/Oneflow-Inc/oneflow/pull/6114" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6114/hovercard">#6114</a></li> <li>[<strong>op</strong>][<strong>documentation</strong>] Dev functional batch_gather <a href="https://github.com/Oneflow-Inc/oneflow/pull/6233" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6233/hovercard">#6233</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>test</strong>] fix cross_entropy_loss and its test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5799" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5799/hovercard">#5799</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Use attr nd_sbp to check consistent <a href="https://github.com/Oneflow-Inc/oneflow/pull/6222" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6222/hovercard">#6222</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Dev fused bn functional <a href="https://github.com/Oneflow-Inc/oneflow/pull/6077" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6077/hovercard">#6077</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] support default value in intlist <a href="https://github.com/Oneflow-Inc/oneflow/pull/6201" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6201/hovercard">#6201</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] fix sparse_softmax get_nd_sbp <a href="https://github.com/Oneflow-Inc/oneflow/pull/6203" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6203/hovercard">#6203</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix bug in model fused update <a href="https://github.com/Oneflow-Inc/oneflow/pull/6197" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6197/hovercard">#6197</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>system</strong>][<strong>refactor</strong>] Optimize tensor getitem. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5433" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5433/hovercard">#5433</a></li> </ul> <h4>New in Eager:</h4> <ul> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] Reconstruct module files <a href="https://github.com/Oneflow-Inc/oneflow/pull/5251" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5251/hovercard">#5251</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>interface</strong>] Fix conv module bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5245" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5245/hovercard">#5245</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>interface</strong>] Fix bce withlogitloss ci error <a href="https://github.com/Oneflow-Inc/oneflow/pull/5237" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5237/hovercard">#5237</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] module BCELoss <a href="https://github.com/Oneflow-Inc/oneflow/pull/5144" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5144/hovercard">#5144</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Dev norm op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5178" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5178/hovercard">#5178</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] Fix stack module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5222" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5222/hovercard">#5222</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>] Support different dtype of equal module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5214" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5214/hovercard">#5214</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>interface</strong>] Add nllloss backward <a href="https://github.com/Oneflow-Inc/oneflow/pull/5210" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5210/hovercard">#5210</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>upload-core</strong>] Decouple FileSystem and IOConf <a href="https://github.com/Oneflow-Inc/oneflow/pull/5162" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5162/hovercard">#5162</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>eager</strong>] Set lower precision avoid ci failing <a href="https://github.com/Oneflow-Inc/oneflow/pull/5200" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5200/hovercard">#5200</a></li> <li>[<strong>eager</strong>][<strong>documentation</strong>] Add hint when apply FunctionNode second time <a href="https://github.com/Oneflow-Inc/oneflow/pull/5369" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5369/hovercard">#5369</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Fix upsample bilinear bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5366" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5366/hovercard">#5366</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix not contiguous ndarray to tensor bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5351" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5351/hovercard">#5351</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>system</strong>] Infer consistent tensor meta <a href="https://github.com/Oneflow-Inc/oneflow/pull/5118" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5118/hovercard">#5118</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Feat graph autograd engine <a href="https://github.com/Oneflow-Inc/oneflow/pull/5296" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5296/hovercard">#5296</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] Dev type as module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5349" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5349/hovercard">#5349</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>interface</strong>] Add new ones module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5342" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5342/hovercard">#5342</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] Fix logical slice assign dtype <a href="https://github.com/Oneflow-Inc/oneflow/pull/5339" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5339/hovercard">#5339</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>interface</strong>] Fix where module bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5300" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5300/hovercard">#5300</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Fix l1loss ci error <a href="https://github.com/Oneflow-Inc/oneflow/pull/5307" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5307/hovercard">#5307</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>interface</strong>] Qi's First Edit of deleting "print" and ".numpy" <a href="https://github.com/Oneflow-Inc/oneflow/pull/5129" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5129/hovercard">#5129</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>refactor</strong>] Separate autograd meta to tensor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5267" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5267/hovercard">#5267</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] add tile module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5234" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5234/hovercard">#5234</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Release lambda function to reuse tensor memory <a href="https://github.com/Oneflow-Inc/oneflow/pull/5266" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5266/hovercard">#5266</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>] Fix default value not set bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5483" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5483/hovercard">#5483</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] [Add] gather_nd scatter_nd <a href="https://github.com/Oneflow-Inc/oneflow/pull/5422" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5422/hovercard">#5422</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] fix param <a href="https://github.com/Oneflow-Inc/oneflow/pull/5473" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5473/hovercard">#5473</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix Tensor.grad setter bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5462" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5462/hovercard">#5462</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Rename now_grad_arg to current_grad <a href="https://github.com/Oneflow-Inc/oneflow/pull/5466" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5466/hovercard">#5466</a></li> <li>[<strong>eager</strong>][<strong>test</strong>][<strong>documentation</strong>][<strong>interface</strong>] Add autotest part1 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5436" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5436/hovercard">#5436</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Use functional copy instead of op_builder <a href="https://github.com/Oneflow-Inc/oneflow/pull/5460" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5460/hovercard">#5460</a></li> <li>[<strong>bottleneck</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] fix -1 index not support bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5448" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5448/hovercard">#5448</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Fix concat backward bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5443" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5443/hovercard">#5443</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>] Add autograd engine warning <a href="https://github.com/Oneflow-Inc/oneflow/pull/5444" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5444/hovercard">#5444</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Smoothl1loss <a href="https://github.com/Oneflow-Inc/oneflow/pull/5256" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5256/hovercard">#5256</a></li> <li>[<strong>enhancement</strong>][<strong>bottleneck</strong>][<strong>eager</strong>] remove device dtype params <a href="https://github.com/Oneflow-Inc/oneflow/pull/5434" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5434/hovercard">#5434</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>interface</strong>] Delete maxpool failed test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5409" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5409/hovercard">#5409</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>] Add tensor grad assginment <a href="https://github.com/Oneflow-Inc/oneflow/pull/5379" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5379/hovercard">#5379</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] fix-abs <a href="https://github.com/Oneflow-Inc/oneflow/pull/5398" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5398/hovercard">#5398</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Fix bn track running stats <a href="https://github.com/Oneflow-Inc/oneflow/pull/5393" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5393/hovercard">#5393</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] Support uint dtype of constant op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5396" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5396/hovercard">#5396</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>interface</strong>] Delete useless code upsample <a href="https://github.com/Oneflow-Inc/oneflow/pull/5392" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5392/hovercard">#5392</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>interface</strong>] add flow.view <a href="https://github.com/Oneflow-Inc/oneflow/pull/5301" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5301/hovercard">#5301</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Add masked select module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5356" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5356/hovercard">#5356</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Fix batchnorm backward bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5602" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5602/hovercard">#5602</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Support weight_dacay(l2 actually) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5587" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5587/hovercard">#5587</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Add new autotest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5588" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5588/hovercard">#5588</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Dev fmod <a href="https://github.com/Oneflow-Inc/oneflow/pull/5404" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5404/hovercard">#5404</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Support inplace add <a href="https://github.com/Oneflow-Inc/oneflow/pull/5432" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5432/hovercard">#5432</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>interface</strong>] Feat tensor stride property <a href="https://github.com/Oneflow-Inc/oneflow/pull/5543" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5543/hovercard">#5543</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Add flip module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5541" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5541/hovercard">#5541</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Feat module repr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5486" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5486/hovercard">#5486</a></li> <li>[<strong>enhancement</strong>][<strong>bottleneck</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Fix maxpool1d params <a href="https://github.com/Oneflow-Inc/oneflow/pull/5493" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5493/hovercard">#5493</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>interface</strong>] Dev flow.utils.data part1 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5406" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5406/hovercard">#5406</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>] Fix tensor getitem bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5474" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5474/hovercard">#5474</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>need-simple-ci</strong>] export datasets interface <a href="https://github.com/Oneflow-Inc/oneflow/pull/5691" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5691/hovercard">#5691</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>system</strong>] rebase <a href="https://github.com/Oneflow-Inc/oneflow/pull/5601" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5601/hovercard">#5601</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>test</strong>] added nn.RecordBytesDecoder with its test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5475" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5475/hovercard">#5475</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>need-simple-ci</strong>] 0-dim tensor support <a href="https://github.com/Oneflow-Inc/oneflow/pull/5552" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5552/hovercard">#5552</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] rewrite slice_update backward <a href="https://github.com/Oneflow-Inc/oneflow/pull/5677" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5677/hovercard">#5677</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] align view input style with torch <a href="https://github.com/Oneflow-Inc/oneflow/pull/5676" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5676/hovercard">#5676</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>][<strong>need-simple-ci</strong>] add autotests for modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/5666" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5666/hovercard">#5666</a></li> <li>[<strong>enhancement</strong>][<strong>bottleneck</strong>][<strong>eager</strong>][<strong>interface</strong>] Dev constantpad1d op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5579" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5579/hovercard">#5579</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Restruct MathOps AutoTest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5654" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5654/hovercard">#5654</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>] Fix flip bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5657" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5657/hovercard">#5657</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Fix expand module bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5650" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5650/hovercard">#5650</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Fix repeat bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5633" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5633/hovercard">#5633</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>test</strong>][<strong>api</strong>][<strong>interface</strong>] Add new autotest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5617" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5617/hovercard">#5617</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Dev flow.utils.data part2 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5500" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5500/hovercard">#5500</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] make setitem device match <a href="https://github.com/Oneflow-Inc/oneflow/pull/5835" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5835/hovercard">#5835</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] align reshape input param with pytorch <a href="https://github.com/Oneflow-Inc/oneflow/pull/5804" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5804/hovercard">#5804</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>] Align where op with torch <a href="https://github.com/Oneflow-Inc/oneflow/pull/5850" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5850/hovercard">#5850</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>] Restruct prelu op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5829" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5829/hovercard">#5829</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>need-simple-ci</strong>] fix pooling ceil_mode bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5818" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5818/hovercard">#5818</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] stateful local kernel supports consistent <a href="https://github.com/Oneflow-Inc/oneflow/pull/5789" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5789/hovercard">#5789</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Fix argwhere bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5816" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5816/hovercard">#5816</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] dev-nonzero <a href="https://github.com/Oneflow-Inc/oneflow/pull/5809" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5809/hovercard">#5809</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>] Add fake quantize op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5690" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5690/hovercard">#5690</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Add api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5663" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5663/hovercard">#5663</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Refactor consistent infer result <a href="https://github.com/Oneflow-Inc/oneflow/pull/5790" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5790/hovercard">#5790</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>need-simple-ci</strong>] skip dataloader test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5780" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5780/hovercard">#5780</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>need-simple-ci</strong>] fix 0-dim tensor.fill_ <a href="https://github.com/Oneflow-Inc/oneflow/pull/5771" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5771/hovercard">#5771</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Cpu mpi broadcast <a href="https://github.com/Oneflow-Inc/oneflow/pull/5726" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5726/hovercard">#5726</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Feat grad mode classes <a href="https://github.com/Oneflow-Inc/oneflow/pull/5956" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5956/hovercard">#5956</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] fix wrong names <a href="https://github.com/Oneflow-Inc/oneflow/pull/5951" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5951/hovercard">#5951</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>system</strong>] Local dep object pool <a href="https://github.com/Oneflow-Inc/oneflow/pull/5953" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5953/hovercard">#5953</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] rename OpExprInterpState to AutoGradCaptureState <a href="https://github.com/Oneflow-Inc/oneflow/pull/5918" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5918/hovercard">#5918</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix linear bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5945" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5945/hovercard">#5945</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix tensor_meta update bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5924" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5924/hovercard">#5924</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] use flow.randperm <a href="https://github.com/Oneflow-Inc/oneflow/pull/5928" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5928/hovercard">#5928</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] consistent init/save/load <a href="https://github.com/Oneflow-Inc/oneflow/pull/5896" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5896/hovercard">#5896</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>interface</strong>] Restruct sort and argsort op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5911" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5911/hovercard">#5911</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Try to fix the problem that the insightface cannot converge。 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5906" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5906/hovercard">#5906</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Add autotest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5899" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5899/hovercard">#5899</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] The scheduler thread joins worker threads <a href="https://github.com/Oneflow-Inc/oneflow/pull/5893" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5893/hovercard">#5893</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Bugfix async callback <a href="https://github.com/Oneflow-Inc/oneflow/pull/5881" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5881/hovercard">#5881</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Feat tensor to bool <a href="https://github.com/Oneflow-Inc/oneflow/pull/5836" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5836/hovercard">#5836</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Remove inplace broadcast_add <a href="https://github.com/Oneflow-Inc/oneflow/pull/5551" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5551/hovercard">#5551</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Broadcast consistent shape and dtype <a href="https://github.com/Oneflow-Inc/oneflow/pull/5784" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5784/hovercard">#5784</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Fix optimizer list parameters input bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5848" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5848/hovercard">#5848</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] Dev flow.utils.data part3 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5644" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5644/hovercard">#5644</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>] Normalize naming of modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/6066" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6066/hovercard">#6066</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] add trunc<em>normal</em> <a href="https://github.com/Oneflow-Inc/oneflow/pull/6051" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6051/hovercard">#6051</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] AutoMatedTest support test module.parameter.grad <a href="https://github.com/Oneflow-Inc/oneflow/pull/6043" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6043/hovercard">#6043</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>bug</strong>][<strong>eager</strong>] add module <strong>call</strong> kwags <a href="https://github.com/Oneflow-Inc/oneflow/pull/6069" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6069/hovercard">#6069</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] add tensor.item tensor.tolist <a href="https://github.com/Oneflow-Inc/oneflow/pull/6021" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6021/hovercard">#6021</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Export pool ops api <a href="https://github.com/Oneflow-Inc/oneflow/pull/6047" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6047/hovercard">#6047</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>test</strong>][<strong>documentation</strong>][<strong>interface</strong>] Add more autotest sample <a href="https://github.com/Oneflow-Inc/oneflow/pull/6039" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6039/hovercard">#6039</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>system</strong>] disable cuda_h2d stream <a href="https://github.com/Oneflow-Inc/oneflow/pull/6020" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6020/hovercard">#6020</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>test</strong>][<strong>api</strong>][<strong>interface</strong>] Add autotest codegen <a href="https://github.com/Oneflow-Inc/oneflow/pull/6019" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6019/hovercard">#6019</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>documentation</strong>] Refactor cosine lr scheduler <a href="https://github.com/Oneflow-Inc/oneflow/pull/6000" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6000/hovercard">#6000</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] tensor.cpu/tensor.cuda <a href="https://github.com/Oneflow-Inc/oneflow/pull/5894" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5894/hovercard">#5894</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>] Support consistent_tensor.to(dtype) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5991" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5991/hovercard">#5991</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] remove redundant codes in ModuleDict <a href="https://github.com/Oneflow-Inc/oneflow/pull/5961" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5961/hovercard">#5961</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix LayerNorm check bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6196" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6196/hovercard">#6196</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>] Change dropout api <a href="https://github.com/Oneflow-Inc/oneflow/pull/6182" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6182/hovercard">#6182</a></li> <li>[<strong>enhancement</strong>][<strong>good for pr</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] add: test convert dependency <a href="https://github.com/Oneflow-Inc/oneflow/pull/6023" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6023/hovercard">#6023</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Fix autotest codegen bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6171" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6171/hovercard">#6171</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] restore instr_local_dep_object_pool_size for nccl <a href="https://github.com/Oneflow-Inc/oneflow/pull/6160" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6160/hovercard">#6160</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Aligin pooling op functional api names with torch <a href="https://github.com/Oneflow-Inc/oneflow/pull/6163" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6163/hovercard">#6163</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] delete file <a href="https://github.com/Oneflow-Inc/oneflow/pull/6162" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6162/hovercard">#6162</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix optim load_state_dict bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6152" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6152/hovercard">#6152</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>] add is_training to dropout functor <a href="https://github.com/Oneflow-Inc/oneflow/pull/6148" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6148/hovercard">#6148</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Decompose nd sbp boxing <a href="https://github.com/Oneflow-Inc/oneflow/pull/5800" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5800/hovercard">#5800</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] support consistent_tensor.to(copy=True) <a href="https://github.com/Oneflow-Inc/oneflow/pull/6122" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6122/hovercard">#6122</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Static grad scaler <a href="https://github.com/Oneflow-Inc/oneflow/pull/6135" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6135/hovercard">#6135</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix LayerNorm expr bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6121" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6121/hovercard">#6121</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>] move numpy c api init in numpy.cpp, make np array contiguous before copying <a href="https://github.com/Oneflow-Inc/oneflow/pull/6117" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6117/hovercard">#6117</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>refactor</strong>] Remove params from ParamGroup getitem <a href="https://github.com/Oneflow-Inc/oneflow/pull/6096" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6096/hovercard">#6096</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>] Support tensor and optimizer serialization <a href="https://github.com/Oneflow-Inc/oneflow/pull/6087" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6087/hovercard">#6087</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] fix bug about tensor str in nonsymmetric cast and getitem in consist… <a href="https://github.com/Oneflow-Inc/oneflow/pull/6239" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6239/hovercard">#6239</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Cpu all reduce <a href="https://github.com/Oneflow-Inc/oneflow/pull/5849" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5849/hovercard">#5849</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Support assign copy interface <a href="https://github.com/Oneflow-Inc/oneflow/pull/6228" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6228/hovercard">#6228</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Dev reconstruct pad ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/6223" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6223/hovercard">#6223</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] support flow.cuda.is_available <a href="https://github.com/Oneflow-Inc/oneflow/pull/6124" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6124/hovercard">#6124</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] make flow._C.local_all_reduce sync lanuched <a href="https://github.com/Oneflow-Inc/oneflow/pull/6175" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6175/hovercard">#6175</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Rename flow to oneflow in user hint <a href="https://github.com/Oneflow-Inc/oneflow/pull/6190" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6190/hovercard">#6190</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>tooling</strong>][<strong>test</strong>][<strong>api</strong>][<strong>interface</strong>] Autotest generate input tensor <a href="https://github.com/Oneflow-Inc/oneflow/pull/6206" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6206/hovercard">#6206</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] consistent tensor zeros_() <a href="https://github.com/Oneflow-Inc/oneflow/pull/6202" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6202/hovercard">#6202</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Cpu mpi <a href="https://github.com/Oneflow-Inc/oneflow/pull/5865" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5865/hovercard">#5865</a></li> </ul> <h4>Build enhancements:</h4> <ul> <li>[<strong>bug</strong>][<strong>build</strong>] Fix GRPC compilation failure on CMake 3.20 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5255" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5255/hovercard">#5255</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Refine header file copy <a href="https://github.com/Oneflow-Inc/oneflow/pull/5254" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5254/hovercard">#5254</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Fix older version CMake doesn't support multiple targets in CLI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5248" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5248/hovercard">#5248</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Turn off NCCL_STATIC/CUDNN_STATIC when CUDA_STATIC is OFF <a href="https://github.com/Oneflow-Inc/oneflow/pull/5243" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5243/hovercard">#5243</a></li> <li>[<strong>feature</strong>][<strong>build</strong>] Fix support for Ninja and add Ninja build in Simple CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5236" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5236/hovercard">#5236</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add cmake option CUDA_STATIC <a href="https://github.com/Oneflow-Inc/oneflow/pull/5164" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5164/hovercard">#5164</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Fix protobuf debug postfix <a href="https://github.com/Oneflow-Inc/oneflow/pull/5233" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5233/hovercard">#5233</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>] Move default third party dir into build dir <a href="https://github.com/Oneflow-Inc/oneflow/pull/5230" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5230/hovercard">#5230</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Refine protobuf cmake <a href="https://github.com/Oneflow-Inc/oneflow/pull/5216" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5216/hovercard">#5216</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>] Remove transport test main <a href="https://github.com/Oneflow-Inc/oneflow/pull/5215" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5215/hovercard">#5215</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>] Speedup opencv build <a href="https://github.com/Oneflow-Inc/oneflow/pull/5213" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5213/hovercard">#5213</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Support clang <a href="https://github.com/Oneflow-Inc/oneflow/pull/5015" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5015/hovercard">#5015</a></li> <li>[<strong>enhancement</strong>][<strong>documentation</strong>][<strong>build</strong>] Add prefix when creating git archive <a href="https://github.com/Oneflow-Inc/oneflow/pull/5201" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5201/hovercard">#5201</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add cmake option NCCL_STATIC <a href="https://github.com/Oneflow-Inc/oneflow/pull/5160" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5160/hovercard">#5160</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Refine CMake CUDA version handling <a href="https://github.com/Oneflow-Inc/oneflow/pull/5192" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5192/hovercard">#5192</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Use clang plugin to check Maybe variables are used <a href="https://github.com/Oneflow-Inc/oneflow/pull/5358" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5358/hovercard">#5358</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add BUILD_BYPRODUCTS for ExternalProject_Add <a href="https://github.com/Oneflow-Inc/oneflow/pull/5316" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5316/hovercard">#5316</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add cmake init cache to simplify user onboarding <a href="https://github.com/Oneflow-Inc/oneflow/pull/5311" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5311/hovercard">#5311</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>build</strong>] Fix macOS support and run macOS build in Simple CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/4947" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/4947/hovercard">#4947</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] flatbuffers use mirror <a href="https://github.com/Oneflow-Inc/oneflow/pull/5295" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5295/hovercard">#5295</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Don't build test by default <a href="https://github.com/Oneflow-Inc/oneflow/pull/5302" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5302/hovercard">#5302</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Prevent building from scratch when toggle flag BUILD_GIT_VERSION <a href="https://github.com/Oneflow-Inc/oneflow/pull/5259" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5259/hovercard">#5259</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Refine gRPC, glog, gflags cmake for conda <a href="https://github.com/Oneflow-Inc/oneflow/pull/5276" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5276/hovercard">#5276</a></li> <li>[<strong>feature</strong>][<strong>build</strong>] Support XLA with CPU-only <a href="https://github.com/Oneflow-Inc/oneflow/pull/5260" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5260/hovercard">#5260</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>onnx</strong>][<strong>build</strong>] Remove ONNX from CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5257" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5257/hovercard">#5257</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Refactor build_wheel to support oneflowinc images <a href="https://github.com/Oneflow-Inc/oneflow/pull/5427" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5427/hovercard">#5427</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add arg skip_audit in build wheel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5423" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5423/hovercard">#5423</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] hwloc disable shared <a href="https://github.com/Oneflow-Inc/oneflow/pull/5388" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5388/hovercard">#5388</a></li> <li>[<strong>documentation</strong>][<strong>build</strong>] Update readme for autoconf and libtool <a href="https://github.com/Oneflow-Inc/oneflow/pull/5376" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5376/hovercard">#5376</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] remove dir python and compatible_single_client_python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5609" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5609/hovercard">#5609</a></li> <li>[<strong>bug</strong>][<strong>build</strong>][<strong>system</strong>] Fix pyyaml version <a href="https://github.com/Oneflow-Inc/oneflow/pull/5594" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5594/hovercard">#5594</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>] force release flags <a href="https://github.com/Oneflow-Inc/oneflow/pull/5574" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5574/hovercard">#5574</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] prevent endless loop <a href="https://github.com/Oneflow-Inc/oneflow/pull/5534" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5534/hovercard">#5534</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Support sccache <a href="https://github.com/Oneflow-Inc/oneflow/pull/5528" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5528/hovercard">#5528</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add definition for CMAKE_BUILD_TYPE and print cmake_build_type in oneflow doctor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5505" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5505/hovercard">#5505</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>][<strong>need-simple-ci</strong>] Fix macOS for recent changes <a href="https://github.com/Oneflow-Inc/oneflow/pull/5705" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5705/hovercard">#5705</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] fix return type error on gcc 4.8.5 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5660" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5660/hovercard">#5660</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Check CMAKE_BUILD_TYPE <a href="https://github.com/Oneflow-Inc/oneflow/pull/5656" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5656/hovercard">#5656</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] add -Werror=return-type <a href="https://github.com/Oneflow-Inc/oneflow/pull/5655" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5655/hovercard">#5655</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Clean and fix for new py dir <a href="https://github.com/Oneflow-Inc/oneflow/pull/5618" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5618/hovercard">#5618</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] cmake: disable array-bounds check &amp; treat warnings as errors for pyextobj and oneflow_internal &amp; fix warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/5838" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5838/hovercard">#5838</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] set CMAKE_BUILD_TYPE to Release if undefined <a href="https://github.com/Oneflow-Inc/oneflow/pull/5842" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5842/hovercard">#5842</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>][<strong>need-simple-ci</strong>] Fix all warnings &amp; Add option TREAT_WARING_AS_ERROR to cmake <a href="https://github.com/Oneflow-Inc/oneflow/pull/5751" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5751/hovercard">#5751</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] add CMAKE_INTERPROCEDURAL_OPTIMIZATION in fast cmake cache <a href="https://github.com/Oneflow-Inc/oneflow/pull/5970" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5970/hovercard">#5970</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] add clang tidy target <a href="https://github.com/Oneflow-Inc/oneflow/pull/5957" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5957/hovercard">#5957</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] cmake: fix cmake cache args in opencv <a href="https://github.com/Oneflow-Inc/oneflow/pull/5959" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5959/hovercard">#5959</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add cmake option USE_SYSTEM_NCCL <a href="https://github.com/Oneflow-Inc/oneflow/pull/5897" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5897/hovercard">#5897</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] cmake: include third party headers as system headers to avoid warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/5879" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5879/hovercard">#5879</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Ignore opencv-python on machine aarch64 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5884" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5884/hovercard">#5884</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] enable CMake first class cuda support <a href="https://github.com/Oneflow-Inc/oneflow/pull/5858" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5858/hovercard">#5858</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Fix compile warning (strict-aliasing) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5872" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5872/hovercard">#5872</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>build</strong>][<strong>need-simple-ci</strong>] Upgrade gtest and fix some errors raised by clang <a href="https://github.com/Oneflow-Inc/oneflow/pull/6079" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6079/hovercard">#6079</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>build</strong>] cmake: fix ninja build in CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/6072" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6072/hovercard">#6072</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] fix files not actually removed when building for multiple python versions <a href="https://github.com/Oneflow-Inc/oneflow/pull/6060" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6060/hovercard">#6060</a></li> <li>[<strong>bug</strong>][<strong>build</strong>][<strong>api</strong>] functional_api: fix build error in mac os <a href="https://github.com/Oneflow-Inc/oneflow/pull/6010" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6010/hovercard">#6010</a></li> <li>[<strong>bug</strong>][<strong>build</strong>][<strong>need-simple-ci</strong>][<strong>need-single-client-tests</strong>] Fix recompile from scratch <a href="https://github.com/Oneflow-Inc/oneflow/pull/6036" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6036/hovercard">#6036</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Turn on NVCC's warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/6011" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6011/hovercard">#6011</a></li> <li>[<strong>bug</strong>][<strong>build</strong>][<strong>need-single-client-tests</strong>] fix bundle .so of other python version <a href="https://github.com/Oneflow-Inc/oneflow/pull/6034" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6034/hovercard">#6034</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>build</strong>][<strong>need-single-client-tests</strong>] use copy_all_files_in_dir to replace copy_files <a href="https://github.com/Oneflow-Inc/oneflow/pull/6033" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6033/hovercard">#6033</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] check compiler version in cmake <a href="https://github.com/Oneflow-Inc/oneflow/pull/6026" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6026/hovercard">#6026</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add CUDA_NVCC_THREADS_NUMBER <a href="https://github.com/Oneflow-Inc/oneflow/pull/6017" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6017/hovercard">#6017</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>][<strong>need-simple-ci</strong>] optimize of_include_copy <a href="https://github.com/Oneflow-Inc/oneflow/pull/5978" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5978/hovercard">#5978</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>][<strong>need-single-client-tests</strong>] CI: remove <code>-DTREAT_WARNINGS_AS_ERRORS=OFF</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/6008" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6008/hovercard">#6008</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>][<strong>xla</strong>] xrt: fix all warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/5915" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5915/hovercard">#5915</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Prevent opencv compile failure with std 17 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5997" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5997/hovercard">#5997</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Use bundled cub <a href="https://github.com/Oneflow-Inc/oneflow/pull/5998" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5998/hovercard">#5998</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>] update clang tidy diff warnings-as-errors option <a href="https://github.com/Oneflow-Inc/oneflow/pull/5989" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5989/hovercard">#5989</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Update run_clang_tidy.py to set return code and add warning-as-errors <a href="https://github.com/Oneflow-Inc/oneflow/pull/5977" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5977/hovercard">#5977</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] check: fix clang-tidy-diff commands <a href="https://github.com/Oneflow-Inc/oneflow/pull/5972" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5972/hovercard">#5972</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Suppress NVCC warning <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="240369265" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/177" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/177/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/177">#177</a>-D <a href="https://github.com/Oneflow-Inc/oneflow/pull/6094" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6094/hovercard">#6094</a></li> </ul> <h4>XLA enhancements:</h4> <ul> <li>[<strong>bug</strong>][<strong>xla</strong>] Make the blob header memory aligned. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5286" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5286/hovercard">#5286</a></li> </ul> <h4>System:</h4> <ul> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor Memory Zone <a href="https://github.com/Oneflow-Inc/oneflow/pull/5072" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5072/hovercard">#5072</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add interface InferContext::OutputTensorDesc <a href="https://github.com/Oneflow-Inc/oneflow/pull/5219" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5219/hovercard">#5219</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Lazy construct functor to make sure that the operators has already been registered. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5225" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5225/hovercard">#5225</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor infer ctx output isdynamic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5220" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5220/hovercard">#5220</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor infer ctx input isdynamic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5211" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5211/hovercard">#5211</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Wake up the heartbeat thread immediately <a href="https://github.com/Oneflow-Inc/oneflow/pull/5081" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5081/hovercard">#5081</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Fix xla test case fail <a href="https://github.com/Oneflow-Inc/oneflow/pull/5203" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5203/hovercard">#5203</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add interface InferContext::InputDType <a href="https://github.com/Oneflow-Inc/oneflow/pull/5153" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5153/hovercard">#5153</a></li> <li>[<strong>purge</strong>][<strong>system</strong>] delete const_cast in Output <a href="https://github.com/Oneflow-Inc/oneflow/pull/5196" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5196/hovercard">#5196</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Add hwloc for topology detection <a href="https://github.com/Oneflow-Inc/oneflow/pull/5291" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5291/hovercard">#5291</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] fix registry may segment <a href="https://github.com/Oneflow-Inc/oneflow/pull/5336" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5336/hovercard">#5336</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Use functional api instead of op_expr_helper::XXXOp. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5364" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5364/hovercard">#5364</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] move btob to op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5274" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5274/hovercard">#5274</a></li> <li>[<strong>documentation</strong>][<strong>system</strong>] Add Latest News section in README <a href="https://github.com/Oneflow-Inc/oneflow/pull/5361" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5361/hovercard">#5361</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>system</strong>] fix dropout module: return directly if not training <a href="https://github.com/Oneflow-Inc/oneflow/pull/5346" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5346/hovercard">#5346</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] add missing JUST <a href="https://github.com/Oneflow-Inc/oneflow/pull/5357" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5357/hovercard">#5357</a></li> <li>[<strong>documentation</strong>][<strong>system</strong>] Add more communication outlets on README <a href="https://github.com/Oneflow-Inc/oneflow/pull/5359" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5359/hovercard">#5359</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>system</strong>] CommNet dynamic register memory <a href="https://github.com/Oneflow-Inc/oneflow/pull/5281" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5281/hovercard">#5281</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Use symbol device <a href="https://github.com/Oneflow-Inc/oneflow/pull/5341" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5341/hovercard">#5341</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] fix multithread bug in env <a href="https://github.com/Oneflow-Inc/oneflow/pull/5283" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5283/hovercard">#5283</a></li> <li>[<strong>bug</strong>][<strong>system</strong>][<strong>api</strong>] fix bug in cfg_replacement <a href="https://github.com/Oneflow-Inc/oneflow/pull/5335" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5335/hovercard">#5335</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix create log directory thread-unsafe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5326" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5326/hovercard">#5326</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] fix_bug_in_make_parallel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5328" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5328/hovercard">#5328</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>cfg</strong>] replace train_conf, job_conf using cfg::xx <a href="https://github.com/Oneflow-Inc/oneflow/pull/5263" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5263/hovercard">#5263</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>quantization</strong>] support tensorrt in qat <a href="https://github.com/Oneflow-Inc/oneflow/pull/5287" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5287/hovercard">#5287</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Export functional apis for oneflow.experimental. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5313" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5313/hovercard">#5313</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] fix bug check between cfg enum and proto enum <a href="https://github.com/Oneflow-Inc/oneflow/pull/5285" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5285/hovercard">#5285</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] replace CHECK_EQ using CHECK_EQ_OR_RETURN <a href="https://github.com/Oneflow-Inc/oneflow/pull/5279" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5279/hovercard">#5279</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor SbpXXX to cfg::SbpXXX <a href="https://github.com/Oneflow-Inc/oneflow/pull/5120" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5120/hovercard">#5120</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] add detach for LazyMirroredtensorImpl <a href="https://github.com/Oneflow-Inc/oneflow/pull/5270" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5270/hovercard">#5270</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] shorten XXIsDynamic4ArgNameAndIndex to be xxIsDynamic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5265" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5265/hovercard">#5265</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>cfg</strong>] job_config to cfg <a href="https://github.com/Oneflow-Inc/oneflow/pull/5235" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5235/hovercard">#5235</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Multi-Client LogicalRun degenerate to PhysicalRun <a href="https://github.com/Oneflow-Inc/oneflow/pull/5479" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5479/hovercard">#5479</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] fix ConstructOp without JUST <a href="https://github.com/Oneflow-Inc/oneflow/pull/5480" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5480/hovercard">#5480</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Output arg modifier return maybe part 1 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5451" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5451/hovercard">#5451</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Fea/nn graph/graph build ctx <a href="https://github.com/Oneflow-Inc/oneflow/pull/5420" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5420/hovercard">#5420</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Throw exception if check failed <a href="https://github.com/Oneflow-Inc/oneflow/pull/5457" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5457/hovercard">#5457</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] multi client launch <a href="https://github.com/Oneflow-Inc/oneflow/pull/5372" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5372/hovercard">#5372</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Optimize reduce mean <a href="https://github.com/Oneflow-Inc/oneflow/pull/5452" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5452/hovercard">#5452</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] export Tensor only to python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5440" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5440/hovercard">#5440</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Output arg modifier return maybe part_0 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5447" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5447/hovercard">#5447</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] ThreadMgr support AddPlan <a href="https://github.com/Oneflow-Inc/oneflow/pull/5450" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5450/hovercard">#5450</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor infer ctx input tensordesc <a href="https://github.com/Oneflow-Inc/oneflow/pull/5226" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5226/hovercard">#5226</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] instruction builder return maybe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5442" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5442/hovercard">#5442</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] MultiClientSessionContext <a href="https://github.com/Oneflow-Inc/oneflow/pull/5421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5421/hovercard">#5421</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>system</strong>] add launcher, update multi client launch and exit <a href="https://github.com/Oneflow-Inc/oneflow/pull/5414" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5414/hovercard">#5414</a></li> <li>[<strong>purge</strong>][<strong>system</strong>][<strong>refactor</strong>] Remove IOConf <a href="https://github.com/Oneflow-Inc/oneflow/pull/5419" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5419/hovercard">#5419</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Dev refine generator <a href="https://github.com/Oneflow-Inc/oneflow/pull/5426" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5426/hovercard">#5426</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Support inplace operations <a href="https://github.com/Oneflow-Inc/oneflow/pull/5204" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5204/hovercard">#5204</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Dev refactor generator <a href="https://github.com/Oneflow-Inc/oneflow/pull/5397" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5397/hovercard">#5397</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add new placement init func <a href="https://github.com/Oneflow-Inc/oneflow/pull/5408" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5408/hovercard">#5408</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] NNGraphIf <a href="https://github.com/Oneflow-Inc/oneflow/pull/5387" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5387/hovercard">#5387</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Cast explicitily in unpack call to avoid confilt with Optional. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5380" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5380/hovercard">#5380</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>interface</strong>] [Random Generator] Part2: Migrate functional dropout <a href="https://github.com/Oneflow-Inc/oneflow/pull/5378" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5378/hovercard">#5378</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] replace ForeignJobInstance using JobInstance <a href="https://github.com/Oneflow-Inc/oneflow/pull/5374" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5374/hovercard">#5374</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Speedup reshape module by 5x. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5381" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5381/hovercard">#5381</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] [Random Generator] Part1: Dev random generator <a href="https://github.com/Oneflow-Inc/oneflow/pull/5360" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5360/hovercard">#5360</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add ONEFLOW_STREAM_CUDA_EVENT_FLAG_BLOCKING_SYNC <a href="https://github.com/Oneflow-Inc/oneflow/pull/5612" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5612/hovercard">#5612</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] [part2]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5568" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5568/hovercard">#5568</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] nn.Graph call and launch impl <a href="https://github.com/Oneflow-Inc/oneflow/pull/5580" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5580/hovercard">#5580</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] remove outdated doctest api and "@experimental_api" <a href="https://github.com/Oneflow-Inc/oneflow/pull/5564" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5564/hovercard">#5564</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Register ForeignCallback and Watcher in Multi-Client <a href="https://github.com/Oneflow-Inc/oneflow/pull/5591" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5591/hovercard">#5591</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] [Part-1]remove outdated api and files of multi-client on master branch <a href="https://github.com/Oneflow-Inc/oneflow/pull/5556" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5556/hovercard">#5556</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] LazyInterpret build LocalTensor if input is local <a href="https://github.com/Oneflow-Inc/oneflow/pull/5582" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5582/hovercard">#5582</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add job_pass MultiClientAutoSourceAndSinkTick <a href="https://github.com/Oneflow-Inc/oneflow/pull/5507" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5507/hovercard">#5507</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Fea/nn graph/optimizer <a href="https://github.com/Oneflow-Inc/oneflow/pull/5533" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5533/hovercard">#5533</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] New/CloseRuntimeBuffers and RunLazyJob impl <a href="https://github.com/Oneflow-Inc/oneflow/pull/5571" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5571/hovercard">#5571</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>refactor</strong>][<strong>interface</strong>] NNGraph interface and implement for CompileAndRuntime <a href="https://github.com/Oneflow-Inc/oneflow/pull/5558" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5558/hovercard">#5558</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Fea/nn graph/forward graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/5516" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5516/hovercard">#5516</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Lazy job stream type <a href="https://github.com/Oneflow-Inc/oneflow/pull/5389" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5389/hovercard">#5389</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor single client autotick <a href="https://github.com/Oneflow-Inc/oneflow/pull/5506" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5506/hovercard">#5506</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] replace underline using dot in single client <a href="https://github.com/Oneflow-Inc/oneflow/pull/5547" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5547/hovercard">#5547</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] fix return type <a href="https://github.com/Oneflow-Inc/oneflow/pull/5548" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5548/hovercard">#5548</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] LazyInterpret for UserOpExpr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5544" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5544/hovercard">#5544</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add ProfilerStart/ProfilerStop API <a href="https://github.com/Oneflow-Inc/oneflow/pull/5542" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5542/hovercard">#5542</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] LazyInterpreter for FetchOutputOpExpr and set op parallel_distribution <a href="https://github.com/Oneflow-Inc/oneflow/pull/5527" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5527/hovercard">#5527</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Multi client push pull <a href="https://github.com/Oneflow-Inc/oneflow/pull/5492" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5492/hovercard">#5492</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] registry_callback_fn return maybe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5456" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5456/hovercard">#5456</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] bw_gen_fn return maybe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5455" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5455/hovercard">#5455</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] gen_bw_fn return maybe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5454" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5454/hovercard">#5454</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Compatible single client <a href="https://github.com/Oneflow-Inc/oneflow/pull/5417" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5417/hovercard">#5417</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] GlobalMultiClientEnv and refine EagerExecution <a href="https://github.com/Oneflow-Inc/oneflow/pull/5523" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5523/hovercard">#5523</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Job pass maybe system <a href="https://github.com/Oneflow-Inc/oneflow/pull/5503" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5503/hovercard">#5503</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Remove Plan::net_topo <a href="https://github.com/Oneflow-Inc/oneflow/pull/5502" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5502/hovercard">#5502</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] LazyInterpret for FeedVariableOpExpr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5490" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5490/hovercard">#5490</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Input arg modifier return maybe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5453" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5453/hovercard">#5453</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Fea/nn graph/block scope <a href="https://github.com/Oneflow-Inc/oneflow/pull/5498" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5498/hovercard">#5498</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] jit_fuse_cast_scale <a href="https://github.com/Oneflow-Inc/oneflow/pull/5332" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5332/hovercard">#5332</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Remove obsolete Profiler <a href="https://github.com/Oneflow-Inc/oneflow/pull/5747" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5747/hovercard">#5747</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Dev fix batch norm not stats <a href="https://github.com/Oneflow-Inc/oneflow/pull/5733" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5733/hovercard">#5733</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] rename rpc_token to TransportToken <a href="https://github.com/Oneflow-Inc/oneflow/pull/5735" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5735/hovercard">#5735</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Refacotr maximum minimum py2cpp <a href="https://github.com/Oneflow-Inc/oneflow/pull/5724" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5724/hovercard">#5724</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Replace piece_id with comm_net_sequence_number <a href="https://github.com/Oneflow-Inc/oneflow/pull/5731" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5731/hovercard">#5731</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] beautify stack frame <a href="https://github.com/Oneflow-Inc/oneflow/pull/5686" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5686/hovercard">#5686</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add env ONEFLOW_KERNEL_DISABLE_BLOB_ACCESS_CHECKER <a href="https://github.com/Oneflow-Inc/oneflow/pull/5728" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5728/hovercard">#5728</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add env ONEFLOW_THREAD_ENABLE_LOCAL_MESSAGE_QUEUE <a href="https://github.com/Oneflow-Inc/oneflow/pull/5720" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5720/hovercard">#5720</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>][<strong>refactor</strong>] Refactor functional sub, mul and div apis <a href="https://github.com/Oneflow-Inc/oneflow/pull/5713" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5713/hovercard">#5713</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] ddp <a href="https://github.com/Oneflow-Inc/oneflow/pull/5008" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5008/hovercard">#5008</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>][<strong>refactor</strong>] Refactor functional matmul and add apis. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5697" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5697/hovercard">#5697</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix ClearKV("plan") <a href="https://github.com/Oneflow-Inc/oneflow/pull/5710" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5710/hovercard">#5710</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Rename cpu to async cpu <a href="https://github.com/Oneflow-Inc/oneflow/pull/5712" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5712/hovercard">#5712</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Support tensor.to()/to_local() <a href="https://github.com/Oneflow-Inc/oneflow/pull/5271" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5271/hovercard">#5271</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>refactor</strong>][<strong>interface</strong>] Multi-Runtime for multi nn.Graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/5683" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5683/hovercard">#5683</a></li> <li>[<strong>bug</strong>][<strong>system</strong>][<strong>refactor</strong>] Add tag for Optional inplace constructor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5619" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5619/hovercard">#5619</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Move Global to env scope <a href="https://github.com/Oneflow-Inc/oneflow/pull/5670" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5670/hovercard">#5670</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add JUST wrapper <a href="https://github.com/Oneflow-Inc/oneflow/pull/5681" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5681/hovercard">#5681</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] New sync consistent meta info <a href="https://github.com/Oneflow-Inc/oneflow/pull/5634" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5634/hovercard">#5634</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>][<strong>interface</strong>] Refactor RuntimeCtx for multi-runtime <a href="https://github.com/Oneflow-Inc/oneflow/pull/5664" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5664/hovercard">#5664</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Feat: memory shared between EagerTensor with VariableRegst <a href="https://github.com/Oneflow-Inc/oneflow/pull/5649" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5649/hovercard">#5649</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Use functional call directly instead of construct a module and then call-Add <a href="https://github.com/Oneflow-Inc/oneflow/pull/5613" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5613/hovercard">#5613</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] disable eager_op consistent mode <a href="https://github.com/Oneflow-Inc/oneflow/pull/5647" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5647/hovercard">#5647</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add msg_penddin_list in ibverbs_qp to optimize qp_init_attr.cap.max_send_wr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5485" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5485/hovercard">#5485</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] IBVerbsCommNet add knobs <a href="https://github.com/Oneflow-Inc/oneflow/pull/5626" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5626/hovercard">#5626</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Prune python tensor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5596" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5596/hovercard">#5596</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Feat: LazyInterpret infer op / tensor ParallelDescScope <a href="https://github.com/Oneflow-Inc/oneflow/pull/5625" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5625/hovercard">#5625</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Replace src tick with with wait and send ids <a href="https://github.com/Oneflow-Inc/oneflow/pull/5603" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5603/hovercard">#5603</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Support symbol placement type in functional. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5627" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5627/hovercard">#5627</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>][<strong>refactor</strong>][<strong>interface</strong>] Dev advanced indexing <a href="https://github.com/Oneflow-Inc/oneflow/pull/5559" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5559/hovercard">#5559</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Optimize maybe. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5839" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5839/hovercard">#5839</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Decorator 4 disable recursive boxing call <a href="https://github.com/Oneflow-Inc/oneflow/pull/5796" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5796/hovercard">#5796</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add_eager_boxing_and_op_interpreter_dispatch_error_info <a href="https://github.com/Oneflow-Inc/oneflow/pull/5819" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5819/hovercard">#5819</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Kernel CUDA Graphs Support <a href="https://github.com/Oneflow-Inc/oneflow/pull/5725" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5725/hovercard">#5725</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix placement print bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5853" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5853/hovercard">#5853</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] when error msg formatting fails, return error-&gt;DebugString <a href="https://github.com/Oneflow-Inc/oneflow/pull/5844" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5844/hovercard">#5844</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Rename variables named <code>*parallel_distribution*</code> to <code>*nd_sbp*</code> (1) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5815" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5815/hovercard">#5815</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Support Free EagerTensor caught in nn.Graph build <a href="https://github.com/Oneflow-Inc/oneflow/pull/5777" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5777/hovercard">#5777</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Reuse CUDA event / Refine BnInOp2Blob / Refine channel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5837" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5837/hovercard">#5837</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>serving</strong>] fix bug in AddInputOutputOpsPass: check existence of key in HashMap(inferface_lbi2scope_sym_id) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5653" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5653/hovercard">#5653</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] unpack_call: impl new <code>unpack_call_dispatcher</code> for better performance <a href="https://github.com/Oneflow-Inc/oneflow/pull/5820" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5820/hovercard">#5820</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Feat consistent tensor python constructor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5812" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5812/hovercard">#5812</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Support 0shape tensor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5620" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5620/hovercard">#5620</a></li> <li>[<strong>documentation</strong>][<strong>system</strong>] fix launcher description <a href="https://github.com/Oneflow-Inc/oneflow/pull/5770" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5770/hovercard">#5770</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Multi-nn.Graph memory reuse by Chunk manager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5658" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5658/hovercard">#5658</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix naive b2p error <a href="https://github.com/Oneflow-Inc/oneflow/pull/5806" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5806/hovercard">#5806</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] set created generator with default rng seed <a href="https://github.com/Oneflow-Inc/oneflow/pull/5801" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5801/hovercard">#5801</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] enhance_local_to_consistent <a href="https://github.com/Oneflow-Inc/oneflow/pull/5761" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5761/hovercard">#5761</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] add flow.randn <a href="https://github.com/Oneflow-Inc/oneflow/pull/5736" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5736/hovercard">#5736</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor hierarchical parallel cast autograd <a href="https://github.com/Oneflow-Inc/oneflow/pull/5764" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5764/hovercard">#5764</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Collective boxing executor add_plan delete_plan <a href="https://github.com/Oneflow-Inc/oneflow/pull/5495" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5495/hovercard">#5495</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Fix throw abort <a href="https://github.com/Oneflow-Inc/oneflow/pull/5795" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5795/hovercard">#5795</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] DECORATE <a href="https://github.com/Oneflow-Inc/oneflow/pull/5794" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5794/hovercard">#5794</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Inferface eager boxing <a href="https://github.com/Oneflow-Inc/oneflow/pull/5682" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5682/hovercard">#5682</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] extract_consistent_to_consistent_op_expr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5870" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5870/hovercard">#5870</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] disable backward pass consistent tensor meta check. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5871" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5871/hovercard">#5871</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add CudaStreamIndexGenerator::GenerateNamedStreamIndex <a href="https://github.com/Oneflow-Inc/oneflow/pull/5940" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5940/hovercard">#5940</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Only query PCI bus id when CUDA version &gt;= 11 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5937" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5937/hovercard">#5937</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] maybe: add <code>JUST_MSG</code> and <code>CHECK_JUST_MSG</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/5904" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5904/hovercard">#5904</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix bug scalar <a href="https://github.com/Oneflow-Inc/oneflow/pull/5950" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5950/hovercard">#5950</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] framework: fix rvalue reference warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/5948" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5948/hovercard">#5948</a></li> <li>[<strong>purge</strong>][<strong>system</strong>] Remove CudaWorkType <a href="https://github.com/Oneflow-Inc/oneflow/pull/5942" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5942/hovercard">#5942</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] refactor_symbol <a href="https://github.com/Oneflow-Inc/oneflow/pull/5941" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5941/hovercard">#5941</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] consistent_tensor_infer_cache: fix memory leak <a href="https://github.com/Oneflow-Inc/oneflow/pull/5938" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5938/hovercard">#5938</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] support to print gpu <a href="https://github.com/Oneflow-Inc/oneflow/pull/5936" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5936/hovercard">#5936</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Bugfix static check <a href="https://github.com/Oneflow-Inc/oneflow/pull/5935" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5935/hovercard">#5935</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] fix nccl_version log <a href="https://github.com/Oneflow-Inc/oneflow/pull/5934" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5934/hovercard">#5934</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix bug of multi-GPU train nn.Graph extra mem cost in rank 0 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5930" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5930/hovercard">#5930</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Only gradient acc be scheduled in parallel. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5926" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5926/hovercard">#5926</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>system</strong>] fix_ddp_bug_on_8_process <a href="https://github.com/Oneflow-Inc/oneflow/pull/5929" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5929/hovercard">#5929</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Fix bug error msg format <a href="https://github.com/Oneflow-Inc/oneflow/pull/5866" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5866/hovercard">#5866</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] print consistent tensor data <a href="https://github.com/Oneflow-Inc/oneflow/pull/5902" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5902/hovercard">#5902</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Move parse env to the constructor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5922" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5922/hovercard">#5922</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Remove GlobalWorkStreamId/GlobalThrdId <a href="https://github.com/Oneflow-Inc/oneflow/pull/5917" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5917/hovercard">#5917</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] shared_or_scalar: fix alias warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/5916" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5916/hovercard">#5916</a></li> <li>[<strong>purge</strong>][<strong>system</strong>] Remove CompActor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5919" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5919/hovercard">#5919</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Use symbol dtype <a href="https://github.com/Oneflow-Inc/oneflow/pull/5641" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5641/hovercard">#5641</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>system</strong>] Control Graph / Session / Env's python c++ object destruction <a href="https://github.com/Oneflow-Inc/oneflow/pull/5845" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5845/hovercard">#5845</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>system</strong>] Sync access and assign indexing tensor. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5907" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5907/hovercard">#5907</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>][<strong>refactor</strong>] Dev consistent arange <a href="https://github.com/Oneflow-Inc/oneflow/pull/5883" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5883/hovercard">#5883</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Lazy interpreter for new ConsistentToConsistentOpExpr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5903" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5903/hovercard">#5903</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix BUG of LazyInterpret FreeEagerTensor memory shared with regst <a href="https://github.com/Oneflow-Inc/oneflow/pull/5891" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5891/hovercard">#5891</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] fix typo in <code>raise RuntimeError</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/5890" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5890/hovercard">#5890</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Rename the <code>ParallelDistribution</code> class to <code>NdSbp</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/5814" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5814/hovercard">#5814</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] add flow.rand <a href="https://github.com/Oneflow-Inc/oneflow/pull/5722" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5722/hovercard">#5722</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Lazy Interpret support infer default device cpu <a href="https://github.com/Oneflow-Inc/oneflow/pull/5880" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5880/hovercard">#5880</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Tensor str <a href="https://github.com/Oneflow-Inc/oneflow/pull/5783" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5783/hovercard">#5783</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Lazy to_consistent <a href="https://github.com/Oneflow-Inc/oneflow/pull/5774" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5774/hovercard">#5774</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] wait vm empty before exiting <a href="https://github.com/Oneflow-Inc/oneflow/pull/5860" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5860/hovercard">#5860</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Eager boxing n to 1 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5949" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5949/hovercard">#5949</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add kernel observer <a href="https://github.com/Oneflow-Inc/oneflow/pull/6052" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6052/hovercard">#6052</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>system</strong>] Optimize ddp broadcast and add speed/memory test in ci <a href="https://github.com/Oneflow-Inc/oneflow/pull/6044" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6044/hovercard">#6044</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add var to control only print warning once when blocked <a href="https://github.com/Oneflow-Inc/oneflow/pull/6045" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6045/hovercard">#6045</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Rewrite pow and logical functional apis <a href="https://github.com/Oneflow-Inc/oneflow/pull/6032" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6032/hovercard">#6032</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Token seq id <a href="https://github.com/Oneflow-Inc/oneflow/pull/5964" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5964/hovercard">#5964</a></li> <li>[<strong>enhancement</strong>][<strong>documentation</strong>][<strong>system</strong>] Remove python function wrapper. <a href="https://github.com/Oneflow-Inc/oneflow/pull/6012" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6012/hovercard">#6012</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Add timeout and loc for blocking calls <a href="https://github.com/Oneflow-Inc/oneflow/pull/6007" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6007/hovercard">#6007</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Eager boxing 1 to n <a href="https://github.com/Oneflow-Inc/oneflow/pull/5943" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5943/hovercard">#5943</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Boxing expr <a href="https://github.com/Oneflow-Inc/oneflow/pull/6015" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6015/hovercard">#6015</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] new_X_to_B <a href="https://github.com/Oneflow-Inc/oneflow/pull/5987" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5987/hovercard">#5987</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add unimplemented return information <a href="https://github.com/Oneflow-Inc/oneflow/pull/5952" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5952/hovercard">#5952</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Revert "Faster decorator" <a href="https://github.com/Oneflow-Inc/oneflow/pull/6006" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6006/hovercard">#6006</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Throw exception if using advanced indexing for tensor setitem <a href="https://github.com/Oneflow-Inc/oneflow/pull/6001" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6001/hovercard">#6001</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Support eager boxing sm 2 sn <a href="https://github.com/Oneflow-Inc/oneflow/pull/5869" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5869/hovercard">#5869</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Move framework/local_dep_object.* to the eager directory <a href="https://github.com/Oneflow-Inc/oneflow/pull/5988" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5988/hovercard">#5988</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Fix builtin op arg tuple. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5464" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5464/hovercard">#5464</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>refactor</strong>] Dev functional multiple signatures <a href="https://github.com/Oneflow-Inc/oneflow/pull/5982" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5982/hovercard">#5982</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Faster decorator <a href="https://github.com/Oneflow-Inc/oneflow/pull/5996" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5996/hovercard">#5996</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Placed nd sbp <a href="https://github.com/Oneflow-Inc/oneflow/pull/5995" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5995/hovercard">#5995</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Support asymmetric input/output/variable tensors in nn.Graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/5983" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5983/hovercard">#5983</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] LightActor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5868" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5868/hovercard">#5868</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Prevent running oneflow in forked subprocess <a href="https://github.com/Oneflow-Inc/oneflow/pull/5976" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5976/hovercard">#5976</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] common/error: fix build error in mac os <a href="https://github.com/Oneflow-Inc/oneflow/pull/5971" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5971/hovercard">#5971</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] fix_bug_test_tensor_str <a href="https://github.com/Oneflow-Inc/oneflow/pull/5958" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5958/hovercard">#5958</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refine StreamContext <a href="https://github.com/Oneflow-Inc/oneflow/pull/6191" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6191/hovercard">#6191</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] container_util: fix VectorAt, remove useless MutMapAt <a href="https://github.com/Oneflow-Inc/oneflow/pull/6172" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6172/hovercard">#6172</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Typesafe KernelState <a href="https://github.com/Oneflow-Inc/oneflow/pull/6198" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6198/hovercard">#6198</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Primitive based copy task node <a href="https://github.com/Oneflow-Inc/oneflow/pull/6195" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6195/hovercard">#6195</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Lazy support Scalar <a href="https://github.com/Oneflow-Inc/oneflow/pull/6181" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6181/hovercard">#6181</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Disable implicit boxing when parallel num eq one <a href="https://github.com/Oneflow-Inc/oneflow/pull/6188" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6188/hovercard">#6188</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Primitive <a href="https://github.com/Oneflow-Inc/oneflow/pull/6183" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6183/hovercard">#6183</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Remove IDMgr::GetGpuPhyIdFromThrdId/IDMgr::GetDeviceTypeFromThrdId <a href="https://github.com/Oneflow-Inc/oneflow/pull/6169" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6169/hovercard">#6169</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] remove op_expr_helper inside gradient_funcs <a href="https://github.com/Oneflow-Inc/oneflow/pull/6057" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6057/hovercard">#6057</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>api</strong>] Add tensor yaml, support export tensor functional api. <a href="https://github.com/Oneflow-Inc/oneflow/pull/6099" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6099/hovercard">#6099</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Plan memory log <a href="https://github.com/Oneflow-Inc/oneflow/pull/6151" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6151/hovercard">#6151</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Add dtype bfloat16 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5304" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5304/hovercard">#5304</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] StreamContext <a href="https://github.com/Oneflow-Inc/oneflow/pull/6129" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6129/hovercard">#6129</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix wrong inplace acc grad <a href="https://github.com/Oneflow-Inc/oneflow/pull/6146" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6146/hovercard">#6146</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] UserKernel remove job_desc <a href="https://github.com/Oneflow-Inc/oneflow/pull/6144" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6144/hovercard">#6144</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Fea/graph/add outputs buffer to enable pipeline <a href="https://github.com/Oneflow-Inc/oneflow/pull/6126" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6126/hovercard">#6126</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] not fuse request for nccl 2.10.3 <a href="https://github.com/Oneflow-Inc/oneflow/pull/6136" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6136/hovercard">#6136</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] NewUniqueId thread safe <a href="https://github.com/Oneflow-Inc/oneflow/pull/6141" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6141/hovercard">#6141</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] XRT remove job_desc <a href="https://github.com/Oneflow-Inc/oneflow/pull/6139" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6139/hovercard">#6139</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] SystemOpFillJobNamePass <a href="https://github.com/Oneflow-Inc/oneflow/pull/6138" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6138/hovercard">#6138</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] mv_boxing_folder_to_core <a href="https://github.com/Oneflow-Inc/oneflow/pull/6140" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6140/hovercard">#6140</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor boxing interpreter to boxing expr <a href="https://github.com/Oneflow-Inc/oneflow/pull/6134" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6134/hovercard">#6134</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Eager boxing one to one <a href="https://github.com/Oneflow-Inc/oneflow/pull/6048" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6048/hovercard">#6048</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Vm cpu efficiency <a href="https://github.com/Oneflow-Inc/oneflow/pull/6110" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6110/hovercard">#6110</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Naive generic boxing <a href="https://github.com/Oneflow-Inc/oneflow/pull/6116" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6116/hovercard">#6116</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] send/recv <a href="https://github.com/Oneflow-Inc/oneflow/pull/5992" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5992/hovercard">#5992</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] disable_print_stack_in_tensor_numpy <a href="https://github.com/Oneflow-Inc/oneflow/pull/6123" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6123/hovercard">#6123</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] add all_reduce by to_consistent <a href="https://github.com/Oneflow-Inc/oneflow/pull/5963" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5963/hovercard">#5963</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] KernelContext <a href="https://github.com/Oneflow-Inc/oneflow/pull/6084" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6084/hovercard">#6084</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>system</strong>] Fix sync nccl and async nccl deadlock <a href="https://github.com/Oneflow-Inc/oneflow/pull/6071" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6071/hovercard">#6071</a></li> <li>[<strong>bug</strong>][<strong>system</strong>][<strong>refactor</strong>] Refactor to local <a href="https://github.com/Oneflow-Inc/oneflow/pull/6098" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6098/hovercard">#6098</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Replace xor with hash combine (part 1) <a href="https://github.com/Oneflow-Inc/oneflow/pull/6078" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6078/hovercard">#6078</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Optimize error message <a href="https://github.com/Oneflow-Inc/oneflow/pull/6073" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6073/hovercard">#6073</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Rename Error::xx to Error::xxError <a href="https://github.com/Oneflow-Inc/oneflow/pull/6049" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6049/hovercard">#6049</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] send formatted msg to glog <a href="https://github.com/Oneflow-Inc/oneflow/pull/5999" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5999/hovercard">#5999</a></li> <li>[<strong>feature</strong>][<strong>bottleneck</strong>][<strong>bug</strong>][<strong>system</strong>][<strong>interface</strong>] [Feat.] NNGraph new eager tensor for new variable created in JobPass <a href="https://github.com/Oneflow-Inc/oneflow/pull/6091" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6091/hovercard">#6091</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix bug of multi-GPU eager copy D2H extra mem cost in rank 0 <a href="https://github.com/Oneflow-Inc/oneflow/pull/6092" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6092/hovercard">#6092</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Rename module flow.F to flow._C <a href="https://github.com/Oneflow-Inc/oneflow/pull/6053" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6053/hovercard">#6053</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] [Feat.] Eager consistent OFRecordReader <a href="https://github.com/Oneflow-Inc/oneflow/pull/6089" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6089/hovercard">#6089</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Dev fix and align interface <a href="https://github.com/Oneflow-Inc/oneflow/pull/6075" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6075/hovercard">#6075</a></li> <li>[<strong>feature</strong>][<strong>bottleneck</strong>][<strong>bug</strong>][<strong>system</strong>][<strong>interface</strong>] NNGraph input/output valid by register tensors <a href="https://github.com/Oneflow-Inc/oneflow/pull/6240" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6240/hovercard">#6240</a></li> <li>[<strong>bug</strong>][<strong>system</strong>][<strong>interface</strong>] Fix bug of Multi-Client src tick output order <a href="https://github.com/Oneflow-Inc/oneflow/pull/6221" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6221/hovercard">#6221</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>system</strong>] Add cast primitive <a href="https://github.com/Oneflow-Inc/oneflow/pull/6234" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6234/hovercard">#6234</a></li> <li>[<strong>feature</strong>][<strong>bottleneck</strong>][<strong>system</strong>][<strong>interface</strong>] Auto FixPipelineStageIdPass <a href="https://github.com/Oneflow-Inc/oneflow/pull/6204" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6204/hovercard">#6204</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] move scalar to oneflow namespace. <a href="https://github.com/Oneflow-Inc/oneflow/pull/6235" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6235/hovercard">#6235</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] UserKernel init CUDA Graphs with state <a href="https://github.com/Oneflow-Inc/oneflow/pull/6230" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6230/hovercard">#6230</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Comm broadcast <a href="https://github.com/Oneflow-Inc/oneflow/pull/6213" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6213/hovercard">#6213</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Rename op<em>name</em> to op<em>type_name</em> in AutogradEngine <a href="https://github.com/Oneflow-Inc/oneflow/pull/6154" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6154/hovercard">#6154</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add memset primitive <a href="https://github.com/Oneflow-Inc/oneflow/pull/6218" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6218/hovercard">#6218</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add StreamContext::device_type()/DeviceCtx::device_type() <a href="https://github.com/Oneflow-Inc/oneflow/pull/6217" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6217/hovercard">#6217</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] add all_gather and fix bug of multi rank doctest <a href="https://github.com/Oneflow-Inc/oneflow/pull/6189" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6189/hovercard">#6189</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] [Feat.] Lazy interpreter skip hierarchical_parallel_cast <a href="https://github.com/Oneflow-Inc/oneflow/pull/6208" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6208/hovercard">#6208</a></li> <li>[<strong>purge</strong>][<strong>system</strong>] Cleanup KernelUtil <a href="https://github.com/Oneflow-Inc/oneflow/pull/6212" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6212/hovercard">#6212</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] StreamContextAdapter <a href="https://github.com/Oneflow-Inc/oneflow/pull/6205" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6205/hovercard">#6205</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Dev eliminate gcc warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/6199" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6199/hovercard">#6199</a></li> <li>[<strong>feature</strong>][<strong>bottleneck</strong>][<strong>system</strong>][<strong>interface</strong>] [Feat.] nn.Graph support grad acc with input/output tensor <a href="https://github.com/Oneflow-Inc/oneflow/pull/6155" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6155/hovercard">#6155</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Cpu symetric s to s <a href="https://github.com/Oneflow-Inc/oneflow/pull/6153" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6153/hovercard">#6153</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>upload-core</strong>] Op expr infer tensor meta <a href="https://github.com/Oneflow-Inc/oneflow/pull/5064" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5064/hovercard">#5064</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Infer consistent tensor meta <a href="https://github.com/Oneflow-Inc/oneflow/pull/5362" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5362/hovercard">#5362</a></li> </ul> <h4>CI enhancements:</h4> <ul> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>api</strong>][<strong>interface</strong>] Refine module test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5232" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5232/hovercard">#5232</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Add Simple CI, runs CPU-only on GitHub hosted servers <a href="https://github.com/Oneflow-Inc/oneflow/pull/5207" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5207/hovercard">#5207</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Run exe test in CPU-only <a href="https://github.com/Oneflow-Inc/oneflow/pull/5202" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5202/hovercard">#5202</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Cancel all workflow runs but the latest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5206" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5206/hovercard">#5206</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Fix master not running Simple CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5368" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5368/hovercard">#5368</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Refine Simple CI and Clang analysis <a href="https://github.com/Oneflow-Inc/oneflow/pull/5367" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5367/hovercard">#5367</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>documentation</strong>][<strong>interface</strong>] Fix upsample bilinear bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5363" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5363/hovercard">#5363</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Build nightly for py39 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5318" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5318/hovercard">#5318</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Try distributed run for 3 times to prevent failure <a href="https://github.com/Oneflow-Inc/oneflow/pull/5305" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5305/hovercard">#5305</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Upload Simple CI logs to cloud <a href="https://github.com/Oneflow-Inc/oneflow/pull/5268" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5268/hovercard">#5268</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Remove cpu_op_eager and cuda_op_eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5470" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5470/hovercard">#5470</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] fix segfault in clang plugin <a href="https://github.com/Oneflow-Inc/oneflow/pull/5437" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5437/hovercard">#5437</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Refine Simple CI error output <a href="https://github.com/Oneflow-Inc/oneflow/pull/5435" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5435/hovercard">#5435</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Add conda env to Simple CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5385" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5385/hovercard">#5385</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Fix clang plugin core file not found <a href="https://github.com/Oneflow-Inc/oneflow/pull/5390" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5390/hovercard">#5390</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] upload core when build with clang plugin <a href="https://github.com/Oneflow-Inc/oneflow/pull/5384" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5384/hovercard">#5384</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] clang plugin skip more files <a href="https://github.com/Oneflow-Inc/oneflow/pull/5373" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5373/hovercard">#5373</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Use gh-action-scheduler-v2 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5370" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5370/hovercard">#5370</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] relax speed threshold <a href="https://github.com/Oneflow-Inc/oneflow/pull/5569" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5569/hovercard">#5569</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] Fix wrong test path under compatible <a href="https://github.com/Oneflow-Inc/oneflow/pull/5567" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5567/hovercard">#5567</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] Prevent upload logs automatically <a href="https://github.com/Oneflow-Inc/oneflow/pull/5560" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5560/hovercard">#5560</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>interface</strong>] Add <code>nn.AdaptiveAvgPool1d</code> and <code>nn.AdaptiveAvgPool3d</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/5445" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5445/hovercard">#5445</a></li> <li>[<strong>feature</strong>][<strong>ci</strong>] add speed test in ci <a href="https://github.com/Oneflow-Inc/oneflow/pull/5496" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5496/hovercard">#5496</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Reduce usage of Simple CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5546" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5546/hovercard">#5546</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>api</strong>] Restruct upsample module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5524" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5524/hovercard">#5524</a></li> <li>[<strong>feature</strong>][<strong>ci</strong>] multi client launcher test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5488" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5488/hovercard">#5488</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Remove automerge if cuda_new_interface failed <a href="https://github.com/Oneflow-Inc/oneflow/pull/5519" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5519/hovercard">#5519</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Prevent adding subdir in python/test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5514" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5514/hovercard">#5514</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] piprepo-&gt;pipindex <a href="https://github.com/Oneflow-Inc/oneflow/pull/5517" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5517/hovercard">#5517</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] add dynamic_loss_scale in ci tests <a href="https://github.com/Oneflow-Inc/oneflow/pull/5337" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5337/hovercard">#5337</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Add timeout for wait_gpu_slot <a href="https://github.com/Oneflow-Inc/oneflow/pull/5497" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5497/hovercard">#5497</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>ci</strong>] new static check based on clang-tidy <a href="https://github.com/Oneflow-Inc/oneflow/pull/5476" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5476/hovercard">#5476</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Fix url not downloadable in some browers <a href="https://github.com/Oneflow-Inc/oneflow/pull/5701" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5701/hovercard">#5701</a></li> <li>[<strong>feature</strong>][<strong>ci</strong>] multi client multi machine test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5685" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5685/hovercard">#5685</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Add cpu new interface CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5639" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5639/hovercard">#5639</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] Mv clangtidy to simple ci <a href="https://github.com/Oneflow-Inc/oneflow/pull/5667" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5667/hovercard">#5667</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] use clang tidy appimage in ci <a href="https://github.com/Oneflow-Inc/oneflow/pull/5841" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5841/hovercard">#5841</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Use gcc 7 in release to prevent error <a href="https://github.com/Oneflow-Inc/oneflow/pull/5840" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5840/hovercard">#5840</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] bn tol 1e-4 =&gt; 1e-3 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5811" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5811/hovercard">#5811</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] fix distributed run on built dir <a href="https://github.com/Oneflow-Inc/oneflow/pull/5810" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5810/hovercard">#5810</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] fix third party mirror check_sum <a href="https://github.com/Oneflow-Inc/oneflow/pull/5802" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5802/hovercard">#5802</a></li> <li>[<strong>ci</strong>][<strong>documentation</strong>] find more accurately which files need to be doctested <a href="https://github.com/Oneflow-Inc/oneflow/pull/5782" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5782/hovercard">#5782</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Print stack unconditionally <a href="https://github.com/Oneflow-Inc/oneflow/pull/5779" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5779/hovercard">#5779</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] Enable more checkers for clang-tidy in CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5738" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5738/hovercard">#5738</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] CI: add clang-tidy check to test.yaml <a href="https://github.com/Oneflow-Inc/oneflow/pull/5920" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5920/hovercard">#5920</a></li> <li>[<strong>ci</strong>][<strong>documentation</strong>] fix docstring in oneflow.nn.functional namespace <a href="https://github.com/Oneflow-Inc/oneflow/pull/5807" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5807/hovercard">#5807</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] disable TREAT_WARNINGS_AS_ERRORS in Release CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5886" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5886/hovercard">#5886</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Skip ci jobs by git diff <a href="https://github.com/Oneflow-Inc/oneflow/pull/5863" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5863/hovercard">#5863</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] quick fix <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="975486052" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/5978" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5978/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/5978">#5978</a> <a href="https://github.com/Oneflow-Inc/oneflow/pull/6030" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6030/hovercard">#6030</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>] fix clang tidy diff options and file format <a href="https://github.com/Oneflow-Inc/oneflow/pull/5990" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5990/hovercard">#5990</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] add flow.relu <a href="https://github.com/Oneflow-Inc/oneflow/pull/5847" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5847/hovercard">#5847</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] equal =&gt; allclose <a href="https://github.com/Oneflow-Inc/oneflow/pull/6164" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6164/hovercard">#6164</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] CI: fix clang tidy checks in simple ci <a href="https://github.com/Oneflow-Inc/oneflow/pull/6161" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6161/hovercard">#6161</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>documentation</strong>][<strong>api</strong>] add interpolate and layer_norm docs <a href="https://github.com/Oneflow-Inc/oneflow/pull/6157" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6157/hovercard">#6157</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] update speed test <a href="https://github.com/Oneflow-Inc/oneflow/pull/6113" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6113/hovercard">#6113</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>documentation</strong>][<strong>api</strong>] speed import oneflow <a href="https://github.com/Oneflow-Inc/oneflow/pull/6107" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6107/hovercard">#6107</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] Also try install dev deps for CODEGEN_PYTHON_EXECUTABLE <a href="https://github.com/Oneflow-Inc/oneflow/pull/6115" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6115/hovercard">#6115</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] set gtest_CMAKE_DEBUG_POSTFIX "d" <a href="https://github.com/Oneflow-Inc/oneflow/pull/6085" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6085/hovercard">#6085</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] add cache init file for clang and CI build with clang <a href="https://github.com/Oneflow-Inc/oneflow/pull/6062" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6062/hovercard">#6062</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] add emoji in speed test output, make it continue-on-error <a href="https://github.com/Oneflow-Inc/oneflow/pull/6214" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6214/hovercard">#6214</a></li> </ul> <h4>Test enhancements:</h4> <ul> <li>[<strong>bug</strong>][<strong>test</strong>][<strong>interface</strong>] Fix acos ci bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5217" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5217/hovercard">#5217</a></li> <li>[<strong>feature</strong>][<strong>test</strong>] implement automated test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5321" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5321/hovercard">#5321</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>] move generator test into ops folder to accelerate tests <a href="https://github.com/Oneflow-Inc/oneflow/pull/5472" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5472/hovercard">#5472</a></li> <li>[<strong>feature</strong>][<strong>test</strong>][<strong>api</strong>] Add autotest part2 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5467" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5467/hovercard">#5467</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>api</strong>][<strong>interface</strong>] Add some tests with the new framework for auto testing <a href="https://github.com/Oneflow-Inc/oneflow/pull/5561" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5561/hovercard">#5561</a></li> <li>[<strong>bug</strong>][<strong>test</strong>] fix test error when do multi case test on graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/5590" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5590/hovercard">#5590</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>] Refine module test using auto test by yaochi <a href="https://github.com/Oneflow-Inc/oneflow/pull/5484" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5484/hovercard">#5484</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>] Add autotest for BatchNorm2d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5734" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5734/hovercard">#5734</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>] RTH_update_op_test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5823" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5823/hovercard">#5823</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>] dev adamw graph config <a href="https://github.com/Oneflow-Inc/oneflow/pull/5745" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5745/hovercard">#5745</a></li> <li>[<strong>feature</strong>][<strong>test</strong>][<strong>api</strong>][<strong>interface</strong>] Add new autotest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5562" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5562/hovercard">#5562</a></li> <li>[<strong>bug</strong>][<strong>test</strong>] restore test of alexnet graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/5798" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5798/hovercard">#5798</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>interface</strong>] add zhangshen op-test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5600" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5600/hovercard">#5600</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>tooling</strong>][<strong>test</strong>][<strong>interface</strong>] Record autotest wrong code <a href="https://github.com/Oneflow-Inc/oneflow/pull/5923" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5923/hovercard">#5923</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>test</strong>][<strong>api</strong>] add randint <a href="https://github.com/Oneflow-Inc/oneflow/pull/5718" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5718/hovercard">#5718</a></li> <li>[<strong>bug</strong>][<strong>test</strong>] fix multi machine test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5984" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5984/hovercard">#5984</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>interface</strong>] some op test <a href="https://github.com/Oneflow-Inc/oneflow/pull/6095" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6095/hovercard">#6095</a></li> </ul> <h4>Tooling enhancements:</h4> <ul> <li>[<strong>bug</strong>][<strong>tooling</strong>] user/summary: fix memory leak in <code>FillImageInSummary</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/5742" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5742/hovercard">#5742</a></li> <li>[<strong>enhancement</strong>][<strong>tooling</strong>][<strong>cfg</strong>] cfg: add move assignment operator for performance <a href="https://github.com/Oneflow-Inc/oneflow/pull/5962" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5962/hovercard">#5962</a></li> <li>[<strong>enhancement</strong>][<strong>tooling</strong>][<strong>api</strong>][<strong>refactor</strong>] refactor_all_device_placement_api <a href="https://github.com/Oneflow-Inc/oneflow/pull/6080" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6080/hovercard">#6080</a></li> </ul> jackalcooper tag:github.com,2008:Repository/81634683/v0.5rc2 2021-09-28T06:37:03Z v0.5rc2 <h1>Changelog</h1> <h2>v0.5rc2 (28/09/2021)</h2> <h2>Highlights</h2> <ul> <li>First class support for eager execution. The deprecated APIs are moved to <code>oneflow.compatible.single_client</code></li> <li>Drop-in replacement of <code>import torch</code> for existing Pytorch projects. You could test it by inter-changing <code>import oneflow as torch</code> and <code>import torch as flow</code>.</li> <li><a href="https://docs.oneflow.org/master/basics/04_build_network.html#module" rel="nofollow">nn.Module</a> for eager execution</li> <li><a href="https://docs.oneflow.org/master/basics/08_nn_graph.html" rel="nofollow">nn.Graph</a> for lazy execution</li> <li><a href="https://oneflow.readthedocs.io/en/master/nn.html#oneflow.nn.parallel.DistributedDataParallel" rel="nofollow">DDP</a> for data parallel</li> </ul> <h3>A sneak peek of the new API</h3> <p>Here is a minimum example showcasing how to incorporate a <code>nn.Module</code> in a <code>nn.Graph</code> and have it run in lazy mode.</p> <div class="highlight highlight-source-python notranslate position-relative overflow-auto" data-snippet-clipboard-copy-content="class NeuralGraph(flow.nn.Graph): def __init__(self, ...): super().__init__() self.model = model # model is a nn.Module instance def build(self, x): y_pred = self.model(x) return y_pred graph = NeuralGraph() # to create a nn.Graph instance y_pred = graph(x) # to run the created nn.Graph"><pre><span class="pl-k">class</span> <span class="pl-v">NeuralGraph</span>(<span class="pl-s1">flow</span>.<span class="pl-c1">nn</span>.<span class="pl-c1">Graph</span>): <span class="pl-k">def</span> <span class="pl-en">__init__</span>(<span class="pl-s1">self</span>, ...): <span class="pl-en">super</span>().<span class="pl-c1">__init__</span>() <span class="pl-s1">self</span>.<span class="pl-c1">model</span> <span class="pl-c1">=</span> <span class="pl-s1">model</span> <span class="pl-c"># model is a nn.Module instance</span> <span class="pl-k">def</span> <span class="pl-en">build</span>(<span class="pl-s1">self</span>, <span class="pl-s1">x</span>): <span class="pl-s1">y_pred</span> <span class="pl-c1">=</span> <span class="pl-s1">self</span>.<span class="pl-c1">model</span>(<span class="pl-s1">x</span>) <span class="pl-k">return</span> <span class="pl-s1">y_pred</span> <span class="pl-s1">graph</span> <span class="pl-c1">=</span> <span class="pl-en">NeuralGraph</span>() <span class="pl-c"># to create a nn.Graph instance</span> <span class="pl-s1">y_pred</span> <span class="pl-c1">=</span> <span class="pl-en">graph</span>(<span class="pl-s1">x</span>) <span class="pl-c"># to run the created nn.Graph</span></pre></div> <h4>New in Python API</h4> <ul> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>test</strong>][<strong>python</strong>][<strong>interface</strong>] Add test for convtranspose2d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5239" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5239/hovercard">#5239</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>][<strong>interface</strong>] Add GroupNorm <a href="https://github.com/Oneflow-Inc/oneflow/pull/5175" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5175/hovercard">#5175</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>python</strong>][<strong>interface</strong>] [Add] avgpool1d avgpool3d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5165" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5165/hovercard">#5165</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>python</strong>][<strong>interface</strong>] Add deconv cpu impl <a href="https://github.com/Oneflow-Inc/oneflow/pull/5224" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5224/hovercard">#5224</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] Fix acosh bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5221" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5221/hovercard">#5221</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>python</strong>][<strong>interface</strong>] Dev modules ctc loss <a href="https://github.com/Oneflow-Inc/oneflow/pull/5168" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5168/hovercard">#5168</a></li> <li>[<strong>bottleneck</strong>][<strong>bug</strong>][<strong>documentation</strong>][<strong>python</strong>][<strong>interface</strong>] Fix meshgrid test bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5208" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5208/hovercard">#5208</a></li> <li>[<strong>eager</strong>][<strong>documentation</strong>][<strong>python</strong>][<strong>interface</strong>] Rename CosineScheduler to CosineAnnealingLR <a href="https://github.com/Oneflow-Inc/oneflow/pull/5112" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5112/hovercard">#5112</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>python</strong>][<strong>interface</strong>] Add meshgrid module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5205" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5205/hovercard">#5205</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>bug</strong>][<strong>op</strong>][<strong>python</strong>] support bias in conv2d's parameter list <a href="https://github.com/Oneflow-Inc/oneflow/pull/5322" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5322/hovercard">#5322</a></li> <li>[<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] add not_equal, greater_equal and less_equal module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5350" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5350/hovercard">#5350</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>python</strong>] refine pow module and its test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5319" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5319/hovercard">#5319</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>python</strong>] Add triu op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5329" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5329/hovercard">#5329</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>python</strong>] Fix optimizer for not supporting all kinds of iterables <a href="https://github.com/Oneflow-Inc/oneflow/pull/5355" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5355/hovercard">#5355</a></li> <li>[<strong>bug</strong>][<strong>python</strong>][<strong>interface</strong>] raise IndexError in get_canonical_index to support for loop <a href="https://github.com/Oneflow-Inc/oneflow/pull/5345" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5345/hovercard">#5345</a></li> <li>[<strong>bug</strong>][<strong>python</strong>][<strong>interface</strong>] tensor slice assign supports broadcasting <a href="https://github.com/Oneflow-Inc/oneflow/pull/5344" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5344/hovercard">#5344</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>python</strong>] add cpu group conv logic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5314" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5314/hovercard">#5314</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Add 'nn.Mish' module and corresponding functions <a href="https://github.com/Oneflow-Inc/oneflow/pull/5310" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5310/hovercard">#5310</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>][<strong>python</strong>] Remove ONNX from setup py <a href="https://github.com/Oneflow-Inc/oneflow/pull/5297" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5297/hovercard">#5297</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>][<strong>interface</strong>] [add] zeropad2d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5278" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5278/hovercard">#5278</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>python</strong>][<strong>interface</strong>] Lazy nn.Graph FeedInputOpExpr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5458" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5458/hovercard">#5458</a></li> <li>[<strong>feature</strong>][<strong>python</strong>][<strong>interface</strong>] integrate nn.image.flip <a href="https://github.com/Oneflow-Inc/oneflow/pull/5411" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5411/hovercard">#5411</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] Fix issues in point of MultiClientSession <a href="https://github.com/Oneflow-Inc/oneflow/pull/5469" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5469/hovercard">#5469</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>python</strong>] update HasAllMultiClientEnvVars() <a href="https://github.com/Oneflow-Inc/oneflow/pull/5459" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5459/hovercard">#5459</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Add in_top_k function <a href="https://github.com/Oneflow-Inc/oneflow/pull/5428" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5428/hovercard">#5428</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Dev add docstring <a href="https://github.com/Oneflow-Inc/oneflow/pull/5449" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5449/hovercard">#5449</a></li> <li>[<strong>feature</strong>][<strong>api</strong>][<strong>python</strong>] MultiClientSession <a href="https://github.com/Oneflow-Inc/oneflow/pull/5407" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5407/hovercard">#5407</a></li> <li>[<strong>documentation</strong>][<strong>python</strong>] remove --user <a href="https://github.com/Oneflow-Inc/oneflow/pull/5431" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5431/hovercard">#5431</a></li> <li>[<strong>feature</strong>][<strong>python</strong>][<strong>interface</strong>] nn.Graph python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5309" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5309/hovercard">#5309</a></li> <li>[<strong>feature</strong>][<strong>python</strong>][<strong>interface</strong>] Fea/nn graph/graph name <a href="https://github.com/Oneflow-Inc/oneflow/pull/5413" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5413/hovercard">#5413</a></li> <li>[<strong>bug</strong>][<strong>python</strong>][<strong>interface</strong>] rm nn.Graph.train <a href="https://github.com/Oneflow-Inc/oneflow/pull/5424" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5424/hovercard">#5424</a></li> <li>[<strong>op</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] add bernoulli module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5353" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5353/hovercard">#5353</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] flow.S/B/P <a href="https://github.com/Oneflow-Inc/oneflow/pull/5306" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5306/hovercard">#5306</a></li> <li>[<strong>enhancement</strong>][<strong>documentation</strong>][<strong>python</strong>] Add instruction on upgrade pip <a href="https://github.com/Oneflow-Inc/oneflow/pull/5400" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5400/hovercard">#5400</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Rm oneflow export and experimental <a href="https://github.com/Oneflow-Inc/oneflow/pull/5589" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5589/hovercard">#5589</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] Fix nn.graph.utils module conflict <a href="https://github.com/Oneflow-Inc/oneflow/pull/5598" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5598/hovercard">#5598</a></li> <li>[<strong>feature</strong>][<strong>ci</strong>][<strong>python</strong>] Update autotest framework <a href="https://github.com/Oneflow-Inc/oneflow/pull/5520" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5520/hovercard">#5520</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] copy of_proto_python_dir to compatible_single_client_python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5539" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5539/hovercard">#5539</a></li> <li>[<strong>enhancement</strong>][<strong>api</strong>][<strong>python</strong>] del default env init <a href="https://github.com/Oneflow-Inc/oneflow/pull/5537" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5537/hovercard">#5537</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Fix single client using same glog file <a href="https://github.com/Oneflow-Inc/oneflow/pull/5535" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5535/hovercard">#5535</a></li> <li>[<strong>bug</strong>][<strong>api</strong>][<strong>python</strong>] Fix Session TryClose <a href="https://github.com/Oneflow-Inc/oneflow/pull/5531" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5531/hovercard">#5531</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>python</strong>] split vector-matrix norm <a href="https://github.com/Oneflow-Inc/oneflow/pull/5478" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5478/hovercard">#5478</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>python</strong>][<strong>interface</strong>] Add more upsample kernel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5382" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5382/hovercard">#5382</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>test</strong>][<strong>python</strong>] add torchstyle unittest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5489" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5489/hovercard">#5489</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>python</strong>] nn.Graph with training <a href="https://github.com/Oneflow-Inc/oneflow/pull/5662" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5662/hovercard">#5662</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>python</strong>] Fea/nn graph/block proxy func <a href="https://github.com/Oneflow-Inc/oneflow/pull/5727" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5727/hovercard">#5727</a></li> <li>[<strong>enhancement</strong>][<strong>api</strong>][<strong>python</strong>] consistent_tensor_to_api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5703" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5703/hovercard">#5703</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>python</strong>] Dev Align torch avgpool <a href="https://github.com/Oneflow-Inc/oneflow/pull/5610" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5610/hovercard">#5610</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] fix circular deps of sbp python module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5706" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5706/hovercard">#5706</a></li> <li>[<strong>documentation</strong>][<strong>python</strong>] [part5]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5674" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5674/hovercard">#5674</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] [part4]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5672" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5672/hovercard">#5672</a></li> <li>[<strong>bug</strong>][<strong>op</strong>][<strong>python</strong>] remove outdated code in conv3d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5696" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5696/hovercard">#5696</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>python</strong>] enlarge tolerance of dataloader test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5689" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5689/hovercard">#5689</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>python</strong>] add autotest for some math ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/5646" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5646/hovercard">#5646</a></li> <li>[<strong>feature</strong>][<strong>python</strong>] nn.Graph optimizer part 2: add L2, pass job complete, refactor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5604" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5604/hovercard">#5604</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Add clip_grad_norm <a href="https://github.com/Oneflow-Inc/oneflow/pull/5299" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5299/hovercard">#5299</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] Remove Single-Client API in oneflow default python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5827" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5827/hovercard">#5827</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] Fix ddp grad size <a href="https://github.com/Oneflow-Inc/oneflow/pull/5834" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5834/hovercard">#5834</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>python</strong>] Dev RMSprop graph conf <a href="https://github.com/Oneflow-Inc/oneflow/pull/5768" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5768/hovercard">#5768</a></li> <li>[<strong>enhancement</strong>][<strong>purge</strong>][<strong>eager</strong>][<strong>python</strong>] remove scale arg in optimizer <a href="https://github.com/Oneflow-Inc/oneflow/pull/5821" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5821/hovercard">#5821</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>python</strong>] graph/block io check <a href="https://github.com/Oneflow-Inc/oneflow/pull/5803" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5803/hovercard">#5803</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>python</strong>] Dev adam graph conf <a href="https://github.com/Oneflow-Inc/oneflow/pull/5709" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5709/hovercard">#5709</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] [part10]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5756" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5756/hovercard">#5756</a></li> <li>[<strong>feature</strong>][<strong>api</strong>][<strong>python</strong>] better repr of nn.Graph for debug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5762" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5762/hovercard">#5762</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] fix weight decay in RMSprop <a href="https://github.com/Oneflow-Inc/oneflow/pull/5755" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5755/hovercard">#5755</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] [part9]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5752" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5752/hovercard">#5752</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] [part8]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5750" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5750/hovercard">#5750</a></li> <li>[<strong>documentation</strong>][<strong>python</strong>] add first batch of methods in oneflow.nn.functional namespace <a href="https://github.com/Oneflow-Inc/oneflow/pull/5693" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5693/hovercard">#5693</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] [part6]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5704" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5704/hovercard">#5704</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] use default_generator.seed() as random_seed in init <a href="https://github.com/Oneflow-Inc/oneflow/pull/5721" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5721/hovercard">#5721</a></li> <li>[<strong>bug</strong>][<strong>system</strong>][<strong>python</strong>] ddp broadcast params and buffers <a href="https://github.com/Oneflow-Inc/oneflow/pull/5913" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5913/hovercard">#5913</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>python</strong>] Add consistent tensor requires grad test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5925" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5925/hovercard">#5925</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] wrap flow.nn.init.* with flow.no_grad() <a href="https://github.com/Oneflow-Inc/oneflow/pull/5932" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5932/hovercard">#5932</a></li> <li>[<strong>feature</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] add clip_grad to optimizer <a href="https://github.com/Oneflow-Inc/oneflow/pull/5817" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5817/hovercard">#5817</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>op</strong>][<strong>test</strong>][<strong>python</strong>] add randperm with test and docs <a href="https://github.com/Oneflow-Inc/oneflow/pull/5680" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5680/hovercard">#5680</a></li> <li>[<strong>feature</strong>][<strong>api</strong>][<strong>python</strong>] Fea/nn graph/ lr_schedule(and cosine lr_sch) and opt_group <a href="https://github.com/Oneflow-Inc/oneflow/pull/5846" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5846/hovercard">#5846</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] fix bug of SyncOnMasterFn atexit <a href="https://github.com/Oneflow-Inc/oneflow/pull/5909" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5909/hovercard">#5909</a></li> <li>[<strong>purge</strong>][<strong>python</strong>] Delete single client nn modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/6061" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6061/hovercard">#6061</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] Move framework.distribute to env <a href="https://github.com/Oneflow-Inc/oneflow/pull/6022" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6022/hovercard">#6022</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] skip sync when abnormally exiting <a href="https://github.com/Oneflow-Inc/oneflow/pull/6025" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6025/hovercard">#6025</a></li> <li>[<strong>feature</strong>][<strong>python</strong>] Fea/nn graph/warmup amp config <a href="https://github.com/Oneflow-Inc/oneflow/pull/5969" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5969/hovercard">#5969</a></li> <li>[<strong>documentation</strong>][<strong>python</strong>] add optimizer api docs <a href="https://github.com/Oneflow-Inc/oneflow/pull/6131" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6131/hovercard">#6131</a></li> <li>[<strong>documentation</strong>][<strong>python</strong>] add_tensor_api_doc <a href="https://github.com/Oneflow-Inc/oneflow/pull/6127" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6127/hovercard">#6127</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] Fix test_grid_sample.py and test_affine_grid.py threshold <a href="https://github.com/Oneflow-Inc/oneflow/pull/6125" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6125/hovercard">#6125</a></li> <li>[<strong>documentation</strong>][<strong>api</strong>][<strong>python</strong>] add doc of graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/6093" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6093/hovercard">#6093</a></li> <li>[<strong>bug</strong>][<strong>python</strong>] Fix make of_format fail in ubuntu <a href="https://github.com/Oneflow-Inc/oneflow/pull/6120" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6120/hovercard">#6120</a></li> <li>[<strong>feature</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] Fea/graph helpers <a href="https://github.com/Oneflow-Inc/oneflow/pull/6088" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6088/hovercard">#6088</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>python</strong>][<strong>interface</strong>] Use flow.randint in dataloader <a href="https://github.com/Oneflow-Inc/oneflow/pull/6086" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6086/hovercard">#6086</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>python</strong>][<strong>interface</strong>] Import oneflow as torch <a href="https://github.com/Oneflow-Inc/oneflow/pull/6076" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6076/hovercard">#6076</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>api</strong>][<strong>python</strong>][<strong>refactor</strong>] rename OfrecordReader to OFRcordReader <a href="https://github.com/Oneflow-Inc/oneflow/pull/6090" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6090/hovercard">#6090</a></li> <li>[<strong>purge</strong>][<strong>python</strong>][<strong>need-single-client-tests</strong>] Delete single client nn modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/6082" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6082/hovercard">#6082</a></li> <li>[<strong>enhancement</strong>][<strong>python</strong>] flow.load tolerates FileNotFound fault <a href="https://github.com/Oneflow-Inc/oneflow/pull/6083" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6083/hovercard">#6083</a></li> <li>[<strong>feature</strong>][<strong>python</strong>] Fea/pipeline in graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/6105" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6105/hovercard">#6105</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>python</strong>] graph activation checkpointing <a href="https://github.com/Oneflow-Inc/oneflow/pull/6192" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6192/hovercard">#6192</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>op</strong>][<strong>python</strong>] rnn test <a href="https://github.com/Oneflow-Inc/oneflow/pull/6165" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6165/hovercard">#6165</a></li> </ul> <h4>New in Ops:</h4> <ul> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] [Functional] Part2: Add partial unary and math functional apis <a href="https://github.com/Oneflow-Inc/oneflow/pull/5218" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5218/hovercard">#5218</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>][<strong>interface</strong>] Refine deconv kernel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5229" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5229/hovercard">#5229</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] add ReflectionPad2d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5172" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5172/hovercard">#5172</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] crossentropyloss and nllloss support ignore_index <a href="https://github.com/Oneflow-Inc/oneflow/pull/5195" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5195/hovercard">#5195</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] Yejiaojiao/dev bcewithlogitsloss <a href="https://github.com/Oneflow-Inc/oneflow/pull/5173" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5173/hovercard">#5173</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>op</strong>] Dev user op set default is_dynamic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5223" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5223/hovercard">#5223</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] add magic method for pow <a href="https://github.com/Oneflow-Inc/oneflow/pull/5199" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5199/hovercard">#5199</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] add cpu version of upsampling <a href="https://github.com/Oneflow-Inc/oneflow/pull/5194" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5194/hovercard">#5194</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] add ReplicationPad2d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5148" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5148/hovercard">#5148</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] add kldivloss module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5155" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5155/hovercard">#5155</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>documentation</strong>][<strong>build</strong>][<strong>api</strong>][<strong>interface</strong>] Add floor module and the corresponding testcases <a href="https://github.com/Oneflow-Inc/oneflow/pull/4964" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/4964/hovercard">#4964</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>op</strong>] Dev conv1d module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5280" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5280/hovercard">#5280</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Add ctc_greedy_decoder op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5294" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5294/hovercard">#5294</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>system</strong>] Dev remove default grad func <a href="https://github.com/Oneflow-Inc/oneflow/pull/5320" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5320/hovercard">#5320</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>system</strong>] Add pad grad func. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5354" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5354/hovercard">#5354</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>system</strong>] Add gradient funcs. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5348" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5348/hovercard">#5348</a></li> <li>[<strong>feature</strong>][<strong>purge</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>interface</strong>] fix upsample nearest bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5347" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5347/hovercard">#5347</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>system</strong>] [Functional] Part7: Migrate pooling ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/5253" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5253/hovercard">#5253</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] nvjpeg hardware acc <a href="https://github.com/Oneflow-Inc/oneflow/pull/5240" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5240/hovercard">#5240</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] Add bmm module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5334" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5334/hovercard">#5334</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev image decode eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5333" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5333/hovercard">#5333</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Optimize softmax warp impl <a href="https://github.com/Oneflow-Inc/oneflow/pull/4977" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/4977/hovercard">#4977</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev tensor buffer eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5317" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5317/hovercard">#5317</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] [Functional] Part6: Migrate conv op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5252" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5252/hovercard">#5252</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev sort eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5284" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5284/hovercard">#5284</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>][<strong>api</strong>] fix bceloss bug in default weight and reduction <a href="https://github.com/Oneflow-Inc/oneflow/pull/5303" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5303/hovercard">#5303</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] remove redundant assert and check <a href="https://github.com/Oneflow-Inc/oneflow/pull/5264" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5264/hovercard">#5264</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>op</strong>] fix bceloss bug about weight <a href="https://github.com/Oneflow-Inc/oneflow/pull/5269" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5269/hovercard">#5269</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] [Functional] Part5: Migrate nn ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/5249" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5249/hovercard">#5249</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev argsort eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5273" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5273/hovercard">#5273</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] [Functional] Part4: Migrate array ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/5247" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5247/hovercard">#5247</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] [Functional] Part3: Migrate binary and activation ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/5246" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5246/hovercard">#5246</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>op</strong>][<strong>test</strong>] Dev fix rmsprop ci fail <a href="https://github.com/Oneflow-Inc/oneflow/pull/5481" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5481/hovercard">#5481</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] add inplace method: Tensor.sin_ <a href="https://github.com/Oneflow-Inc/oneflow/pull/5471" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5471/hovercard">#5471</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] hotfix image_batch_align <a href="https://github.com/Oneflow-Inc/oneflow/pull/5461" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5461/hovercard">#5461</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>interface</strong>] Dev maxpool series op 123d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5244" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5244/hovercard">#5244</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] fix pool gpu kernel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5446" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5446/hovercard">#5446</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] add pixelshufflev2 module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5383" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5383/hovercard">#5383</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>interface</strong>] Add flow xxx and tensor xxx autotest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5386" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5386/hovercard">#5386</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] Modules chunk <a href="https://github.com/Oneflow-Inc/oneflow/pull/5324" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5324/hovercard">#5324</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] add image normalize for eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5402" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5402/hovercard">#5402</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev batch align module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5401" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5401/hovercard">#5401</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] add coco reader module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5391" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5391/hovercard">#5391</a></li> <li>[<strong>enhancement</strong>][<strong>wip</strong>][<strong>op</strong>] Restruct Elementwise kernel <a href="https://github.com/Oneflow-Inc/oneflow/pull/4130" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/4130/hovercard">#4130</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix DecodeRandom reuse mem <a href="https://github.com/Oneflow-Inc/oneflow/pull/5606" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5606/hovercard">#5606</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Align pytorch maxpool <a href="https://github.com/Oneflow-Inc/oneflow/pull/5525" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5525/hovercard">#5525</a></li> <li>[<strong>enhancement</strong>][<strong>bottleneck</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>] implementation of constantpad-3d op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5529" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5529/hovercard">#5529</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Add scale size for resize <a href="https://github.com/Oneflow-Inc/oneflow/pull/5509" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5509/hovercard">#5509</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>refactor</strong>] Dev optimize tensor setitem <a href="https://github.com/Oneflow-Inc/oneflow/pull/5501" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5501/hovercard">#5501</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] register uint8 dtypeto support dataloader <a href="https://github.com/Oneflow-Inc/oneflow/pull/5499" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5499/hovercard">#5499</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Add unique.cuh <a href="https://github.com/Oneflow-Inc/oneflow/pull/5487" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5487/hovercard">#5487</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] Dev ofrecord auto truncating <a href="https://github.com/Oneflow-Inc/oneflow/pull/5412" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5412/hovercard">#5412</a></li> <li>[<strong>feature</strong>][<strong>op</strong>][<strong>system</strong>][<strong>interface</strong>] Feat: LazyInterpret::ApplyImpl support SourceUserOpExpr and Copy <a href="https://github.com/Oneflow-Inc/oneflow/pull/5711" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5711/hovercard">#5711</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] Dev logical_and/or modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/5636" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5636/hovercard">#5636</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] support any number positional arguments for ones and zeros op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5698" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5698/hovercard">#5698</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>] Add conv3d Module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5327" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5327/hovercard">#5327</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] add batchnorm3d module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5631" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5631/hovercard">#5631</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix reduce min max backward bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5651" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5651/hovercard">#5651</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Debug dim scatter <a href="https://github.com/Oneflow-Inc/oneflow/pull/5371" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5371/hovercard">#5371</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] Dev eye <a href="https://github.com/Oneflow-Inc/oneflow/pull/5583" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5583/hovercard">#5583</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev minimum maximum <a href="https://github.com/Oneflow-Inc/oneflow/pull/5576" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5576/hovercard">#5576</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Restruct activation grad op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5669" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5669/hovercard">#5669</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>] Rewrite activation function <a href="https://github.com/Oneflow-Inc/oneflow/pull/5465" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5465/hovercard">#5465</a></li> <li>[<strong>bug</strong>][<strong>op</strong>][<strong>documentation</strong>] add oneflow.cat for documentation <a href="https://github.com/Oneflow-Inc/oneflow/pull/5621" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5621/hovercard">#5621</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Lcy logsoftmax <a href="https://github.com/Oneflow-Inc/oneflow/pull/5746" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5746/hovercard">#5746</a></li> <li>[<strong>feature</strong>][<strong>op</strong>][<strong>need-simple-ci</strong>] Feat empty op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5659" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5659/hovercard">#5659</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev split <a href="https://github.com/Oneflow-Inc/oneflow/pull/5714" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5714/hovercard">#5714</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] add index_select op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5661" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5661/hovercard">#5661</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] fix nvjpeg hw acc <a href="https://github.com/Oneflow-Inc/oneflow/pull/5851" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5851/hovercard">#5851</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Remove move in conv_cudnn <a href="https://github.com/Oneflow-Inc/oneflow/pull/5828" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5828/hovercard">#5828</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] Dev logical_xor module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5694" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5694/hovercard">#5694</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix squeeze <a href="https://github.com/Oneflow-Inc/oneflow/pull/5808" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5808/hovercard">#5808</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Get parallel_id and parallel_num through rank and world size in DDP <a href="https://github.com/Oneflow-Inc/oneflow/pull/5717" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5717/hovercard">#5717</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] delete interpolate int type <a href="https://github.com/Oneflow-Inc/oneflow/pull/5805" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5805/hovercard">#5805</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix bug in scatter <a href="https://github.com/Oneflow-Inc/oneflow/pull/5743" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5743/hovercard">#5743</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Refactor: remove module not required, call function directly <a href="https://github.com/Oneflow-Inc/oneflow/pull/5754" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5754/hovercard">#5754</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Remove modules not required(tan, erfc, log1p, scatter_nd) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5791" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5791/hovercard">#5791</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Refactor scatter, clamp and pow in cpp instead of in python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5715" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5715/hovercard">#5715</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Rm useless code in gather files <a href="https://github.com/Oneflow-Inc/oneflow/pull/5687" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5687/hovercard">#5687</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] change flip_code to scalar <a href="https://github.com/Oneflow-Inc/oneflow/pull/5786" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5786/hovercard">#5786</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>][<strong>interface</strong>] fix upsample bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5753" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5753/hovercard">#5753</a></li> <li>[<strong>bug</strong>][<strong>op</strong>][<strong>interface</strong>] Quick fix Lazy nn.Graph input/output OpConf.BlobConf.is_dynamic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5767" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5767/hovercard">#5767</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix argwhere 0-dim bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5760" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5760/hovercard">#5760</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] delete unused code <a href="https://github.com/Oneflow-Inc/oneflow/pull/5744" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5744/hovercard">#5744</a></li> <li>[<strong>feature</strong>][<strong>op</strong>] Export fused_scale_tril op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5933" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5933/hovercard">#5933</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix backward bug in 3d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5908" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5908/hovercard">#5908</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix one_hot api limit <a href="https://github.com/Oneflow-Inc/oneflow/pull/5927" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5927/hovercard">#5927</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>] Dev where scalar <a href="https://github.com/Oneflow-Inc/oneflow/pull/5797" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5797/hovercard">#5797</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] fix grad error <a href="https://github.com/Oneflow-Inc/oneflow/pull/5914" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5914/hovercard">#5914</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>op</strong>] Fix inplace op circle reference bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5910" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5910/hovercard">#5910</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Move the judgment content to c++, And add scalar fmod <a href="https://github.com/Oneflow-Inc/oneflow/pull/5854" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5854/hovercard">#5854</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Support combined_margin_loss op in flow.nn.modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/5830" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5830/hovercard">#5830</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] functional_one_hot <a href="https://github.com/Oneflow-Inc/oneflow/pull/5315" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5315/hovercard">#5315</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Dev scalar op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5778" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5778/hovercard">#5778</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix gather kernel 0 shape <a href="https://github.com/Oneflow-Inc/oneflow/pull/5888" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5888/hovercard">#5888</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] add l2_normalize for mutl-client interfaces <a href="https://github.com/Oneflow-Inc/oneflow/pull/5859" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5859/hovercard">#5859</a></li> <li>[<strong>feature</strong>][<strong>op</strong>] Export function softmax_cross_entropy <a href="https://github.com/Oneflow-Inc/oneflow/pull/6056" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6056/hovercard">#6056</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Add int attr for functional adaptive average pool <a href="https://github.com/Oneflow-Inc/oneflow/pull/6059" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6059/hovercard">#6059</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] dev full op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5955" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5955/hovercard">#5955</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix 0dim inplace add <a href="https://github.com/Oneflow-Inc/oneflow/pull/6029" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6029/hovercard">#6029</a></li> <li>[<strong>feature</strong>][<strong>op</strong>][<strong>system</strong>][<strong>interface</strong>] Feat: nn.Graph image gpu decoder <a href="https://github.com/Oneflow-Inc/oneflow/pull/6014" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6014/hovercard">#6014</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] dev optim_optim_lr_scheduler_multisteplr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5975" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5975/hovercard">#5975</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] NopKernel <a href="https://github.com/Oneflow-Inc/oneflow/pull/6035" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6035/hovercard">#6035</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>] Dev tril op <a href="https://github.com/Oneflow-Inc/oneflow/pull/6005" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6005/hovercard">#6005</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] dev unfold and fold <a href="https://github.com/Oneflow-Inc/oneflow/pull/5675" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5675/hovercard">#5675</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] ResNet CUDA Graphs <a href="https://github.com/Oneflow-Inc/oneflow/pull/6018" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6018/hovercard">#6018</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>op</strong>] add broadcast pow <a href="https://github.com/Oneflow-Inc/oneflow/pull/6013" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6013/hovercard">#6013</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>interface</strong>] init of op diag <a href="https://github.com/Oneflow-Inc/oneflow/pull/5298" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5298/hovercard">#5298</a></li> <li>[<strong>op</strong>][<strong>documentation</strong>][<strong>api</strong>] Fix api document bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6009" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6009/hovercard">#6009</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Dev fused functional <a href="https://github.com/Oneflow-Inc/oneflow/pull/5954" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5954/hovercard">#5954</a></li> <li>[<strong>bug</strong>][<strong>op</strong>][<strong>build</strong>] Add nvcc flag -Werror cross-execution-space-call <a href="https://github.com/Oneflow-Inc/oneflow/pull/6002" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6002/hovercard">#6002</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix Normalization grad function <a href="https://github.com/Oneflow-Inc/oneflow/pull/5993" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5993/hovercard">#5993</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>test</strong>][<strong>interface</strong>] Add fused self attention <a href="https://github.com/Oneflow-Inc/oneflow/pull/5966" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5966/hovercard">#5966</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] Try to fix var bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5973" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5973/hovercard">#5973</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>interface</strong>] add prod op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5867" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5867/hovercard">#5867</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>] add glu op <a href="https://github.com/Oneflow-Inc/oneflow/pull/6065" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6065/hovercard">#6065</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Align Torch.nn.functional poolXd <a href="https://github.com/Oneflow-Inc/oneflow/pull/6184" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6184/hovercard">#6184</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>] fix backward index for gamma beta <a href="https://github.com/Oneflow-Inc/oneflow/pull/6149" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6149/hovercard">#6149</a></li> <li>[<strong>bug</strong>][<strong>op</strong>][<strong>system</strong>] Fix BroadcastMatmulGrad bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6168" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6168/hovercard">#6168</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>api</strong>] Add Int support for functional.avg/maxpool <a href="https://github.com/Oneflow-Inc/oneflow/pull/6174" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6174/hovercard">#6174</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] align dropout api name with pytorch <a href="https://github.com/Oneflow-Inc/oneflow/pull/6170" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6170/hovercard">#6170</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] support inplace operation for hardsigmoid <a href="https://github.com/Oneflow-Inc/oneflow/pull/6137" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6137/hovercard">#6137</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>] Fix do bias correction in Adam/AdamW <a href="https://github.com/Oneflow-Inc/oneflow/pull/5960" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5960/hovercard">#5960</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>api</strong>][<strong>interface</strong>] fix repeat 0-dim tensor bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6150" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6150/hovercard">#6150</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>op</strong>] Fix select_first_grad bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6142" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6142/hovercard">#6142</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>documentation</strong>][<strong>interface</strong>] Add clipgrad doc and contiguous <a href="https://github.com/Oneflow-Inc/oneflow/pull/6130" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6130/hovercard">#6130</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix eager optim dynamic attr bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6111" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6111/hovercard">#6111</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Support grid_sample and affine_grid operator <a href="https://github.com/Oneflow-Inc/oneflow/pull/6038" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6038/hovercard">#6038</a></li> <li>[<strong>op</strong>][<strong>documentation</strong>] Export apis for documentation <a href="https://github.com/Oneflow-Inc/oneflow/pull/6068" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6068/hovercard">#6068</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>op</strong>][<strong>documentation</strong>][<strong>interface</strong>] transfer python function to c++ method <a href="https://github.com/Oneflow-Inc/oneflow/pull/6114" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6114/hovercard">#6114</a></li> <li>[<strong>op</strong>][<strong>documentation</strong>] Dev functional batch_gather <a href="https://github.com/Oneflow-Inc/oneflow/pull/6233" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6233/hovercard">#6233</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>test</strong>] fix cross_entropy_loss and its test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5799" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5799/hovercard">#5799</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Use attr nd_sbp to check consistent <a href="https://github.com/Oneflow-Inc/oneflow/pull/6222" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6222/hovercard">#6222</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] Dev fused bn functional <a href="https://github.com/Oneflow-Inc/oneflow/pull/6077" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6077/hovercard">#6077</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>] support default value in intlist <a href="https://github.com/Oneflow-Inc/oneflow/pull/6201" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6201/hovercard">#6201</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] fix sparse_softmax get_nd_sbp <a href="https://github.com/Oneflow-Inc/oneflow/pull/6203" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6203/hovercard">#6203</a></li> <li>[<strong>bug</strong>][<strong>op</strong>] Fix bug in model fused update <a href="https://github.com/Oneflow-Inc/oneflow/pull/6197" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6197/hovercard">#6197</a></li> <li>[<strong>enhancement</strong>][<strong>op</strong>][<strong>system</strong>][<strong>refactor</strong>] Optimize tensor getitem. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5433" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5433/hovercard">#5433</a></li> </ul> <h4>New in Eager:</h4> <ul> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] Reconstruct module files <a href="https://github.com/Oneflow-Inc/oneflow/pull/5251" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5251/hovercard">#5251</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>interface</strong>] Fix conv module bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5245" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5245/hovercard">#5245</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>interface</strong>] Fix bce withlogitloss ci error <a href="https://github.com/Oneflow-Inc/oneflow/pull/5237" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5237/hovercard">#5237</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] module BCELoss <a href="https://github.com/Oneflow-Inc/oneflow/pull/5144" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5144/hovercard">#5144</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Dev norm op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5178" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5178/hovercard">#5178</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] Fix stack module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5222" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5222/hovercard">#5222</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>] Support different dtype of equal module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5214" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5214/hovercard">#5214</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>interface</strong>] Add nllloss backward <a href="https://github.com/Oneflow-Inc/oneflow/pull/5210" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5210/hovercard">#5210</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>upload-core</strong>] Decouple FileSystem and IOConf <a href="https://github.com/Oneflow-Inc/oneflow/pull/5162" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5162/hovercard">#5162</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>eager</strong>] Set lower precision avoid ci failing <a href="https://github.com/Oneflow-Inc/oneflow/pull/5200" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5200/hovercard">#5200</a></li> <li>[<strong>eager</strong>][<strong>documentation</strong>] Add hint when apply FunctionNode second time <a href="https://github.com/Oneflow-Inc/oneflow/pull/5369" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5369/hovercard">#5369</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Fix upsample bilinear bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5366" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5366/hovercard">#5366</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix not contiguous ndarray to tensor bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5351" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5351/hovercard">#5351</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>system</strong>] Infer consistent tensor meta <a href="https://github.com/Oneflow-Inc/oneflow/pull/5118" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5118/hovercard">#5118</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Feat graph autograd engine <a href="https://github.com/Oneflow-Inc/oneflow/pull/5296" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5296/hovercard">#5296</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] Dev type as module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5349" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5349/hovercard">#5349</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>interface</strong>] Add new ones module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5342" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5342/hovercard">#5342</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] Fix logical slice assign dtype <a href="https://github.com/Oneflow-Inc/oneflow/pull/5339" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5339/hovercard">#5339</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>interface</strong>] Fix where module bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5300" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5300/hovercard">#5300</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Fix l1loss ci error <a href="https://github.com/Oneflow-Inc/oneflow/pull/5307" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5307/hovercard">#5307</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>][<strong>interface</strong>] Qi's First Edit of deleting "print" and ".numpy" <a href="https://github.com/Oneflow-Inc/oneflow/pull/5129" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5129/hovercard">#5129</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>refactor</strong>] Separate autograd meta to tensor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5267" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5267/hovercard">#5267</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] add tile module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5234" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5234/hovercard">#5234</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Release lambda function to reuse tensor memory <a href="https://github.com/Oneflow-Inc/oneflow/pull/5266" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5266/hovercard">#5266</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>] Fix default value not set bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5483" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5483/hovercard">#5483</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] [Add] gather_nd scatter_nd <a href="https://github.com/Oneflow-Inc/oneflow/pull/5422" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5422/hovercard">#5422</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] fix param <a href="https://github.com/Oneflow-Inc/oneflow/pull/5473" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5473/hovercard">#5473</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix Tensor.grad setter bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5462" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5462/hovercard">#5462</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Rename now_grad_arg to current_grad <a href="https://github.com/Oneflow-Inc/oneflow/pull/5466" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5466/hovercard">#5466</a></li> <li>[<strong>eager</strong>][<strong>test</strong>][<strong>documentation</strong>][<strong>interface</strong>] Add autotest part1 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5436" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5436/hovercard">#5436</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Use functional copy instead of op_builder <a href="https://github.com/Oneflow-Inc/oneflow/pull/5460" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5460/hovercard">#5460</a></li> <li>[<strong>bottleneck</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] fix -1 index not support bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5448" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5448/hovercard">#5448</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Fix concat backward bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5443" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5443/hovercard">#5443</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>] Add autograd engine warning <a href="https://github.com/Oneflow-Inc/oneflow/pull/5444" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5444/hovercard">#5444</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Smoothl1loss <a href="https://github.com/Oneflow-Inc/oneflow/pull/5256" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5256/hovercard">#5256</a></li> <li>[<strong>enhancement</strong>][<strong>bottleneck</strong>][<strong>eager</strong>] remove device dtype params <a href="https://github.com/Oneflow-Inc/oneflow/pull/5434" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5434/hovercard">#5434</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>interface</strong>] Delete maxpool failed test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5409" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5409/hovercard">#5409</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>] Add tensor grad assginment <a href="https://github.com/Oneflow-Inc/oneflow/pull/5379" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5379/hovercard">#5379</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] fix-abs <a href="https://github.com/Oneflow-Inc/oneflow/pull/5398" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5398/hovercard">#5398</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Fix bn track running stats <a href="https://github.com/Oneflow-Inc/oneflow/pull/5393" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5393/hovercard">#5393</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] Support uint dtype of constant op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5396" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5396/hovercard">#5396</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>interface</strong>] Delete useless code upsample <a href="https://github.com/Oneflow-Inc/oneflow/pull/5392" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5392/hovercard">#5392</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>interface</strong>] add flow.view <a href="https://github.com/Oneflow-Inc/oneflow/pull/5301" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5301/hovercard">#5301</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Add masked select module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5356" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5356/hovercard">#5356</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Fix batchnorm backward bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5602" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5602/hovercard">#5602</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Support weight_dacay(l2 actually) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5587" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5587/hovercard">#5587</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Add new autotest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5588" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5588/hovercard">#5588</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Dev fmod <a href="https://github.com/Oneflow-Inc/oneflow/pull/5404" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5404/hovercard">#5404</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Support inplace add <a href="https://github.com/Oneflow-Inc/oneflow/pull/5432" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5432/hovercard">#5432</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>interface</strong>] Feat tensor stride property <a href="https://github.com/Oneflow-Inc/oneflow/pull/5543" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5543/hovercard">#5543</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Add flip module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5541" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5541/hovercard">#5541</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Feat module repr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5486" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5486/hovercard">#5486</a></li> <li>[<strong>enhancement</strong>][<strong>bottleneck</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Fix maxpool1d params <a href="https://github.com/Oneflow-Inc/oneflow/pull/5493" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5493/hovercard">#5493</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>interface</strong>] Dev flow.utils.data part1 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5406" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5406/hovercard">#5406</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>] Fix tensor getitem bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5474" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5474/hovercard">#5474</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>need-simple-ci</strong>] export datasets interface <a href="https://github.com/Oneflow-Inc/oneflow/pull/5691" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5691/hovercard">#5691</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>system</strong>] rebase <a href="https://github.com/Oneflow-Inc/oneflow/pull/5601" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5601/hovercard">#5601</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>test</strong>] added nn.RecordBytesDecoder with its test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5475" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5475/hovercard">#5475</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>need-simple-ci</strong>] 0-dim tensor support <a href="https://github.com/Oneflow-Inc/oneflow/pull/5552" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5552/hovercard">#5552</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] rewrite slice_update backward <a href="https://github.com/Oneflow-Inc/oneflow/pull/5677" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5677/hovercard">#5677</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] align view input style with torch <a href="https://github.com/Oneflow-Inc/oneflow/pull/5676" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5676/hovercard">#5676</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>][<strong>need-simple-ci</strong>] add autotests for modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/5666" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5666/hovercard">#5666</a></li> <li>[<strong>enhancement</strong>][<strong>bottleneck</strong>][<strong>eager</strong>][<strong>interface</strong>] Dev constantpad1d op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5579" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5579/hovercard">#5579</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Restruct MathOps AutoTest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5654" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5654/hovercard">#5654</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>eager</strong>] Fix flip bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5657" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5657/hovercard">#5657</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Fix expand module bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5650" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5650/hovercard">#5650</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Fix repeat bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5633" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5633/hovercard">#5633</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>test</strong>][<strong>api</strong>][<strong>interface</strong>] Add new autotest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5617" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5617/hovercard">#5617</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Dev flow.utils.data part2 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5500" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5500/hovercard">#5500</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] make setitem device match <a href="https://github.com/Oneflow-Inc/oneflow/pull/5835" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5835/hovercard">#5835</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] align reshape input param with pytorch <a href="https://github.com/Oneflow-Inc/oneflow/pull/5804" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5804/hovercard">#5804</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>] Align where op with torch <a href="https://github.com/Oneflow-Inc/oneflow/pull/5850" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5850/hovercard">#5850</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>] Restruct prelu op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5829" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5829/hovercard">#5829</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>need-simple-ci</strong>] fix pooling ceil_mode bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5818" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5818/hovercard">#5818</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] stateful local kernel supports consistent <a href="https://github.com/Oneflow-Inc/oneflow/pull/5789" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5789/hovercard">#5789</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Fix argwhere bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5816" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5816/hovercard">#5816</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] dev-nonzero <a href="https://github.com/Oneflow-Inc/oneflow/pull/5809" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5809/hovercard">#5809</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>] Add fake quantize op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5690" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5690/hovercard">#5690</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>api</strong>] Add api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5663" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5663/hovercard">#5663</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Refactor consistent infer result <a href="https://github.com/Oneflow-Inc/oneflow/pull/5790" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5790/hovercard">#5790</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>need-simple-ci</strong>] skip dataloader test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5780" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5780/hovercard">#5780</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>need-simple-ci</strong>] fix 0-dim tensor.fill_ <a href="https://github.com/Oneflow-Inc/oneflow/pull/5771" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5771/hovercard">#5771</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Cpu mpi broadcast <a href="https://github.com/Oneflow-Inc/oneflow/pull/5726" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5726/hovercard">#5726</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Feat grad mode classes <a href="https://github.com/Oneflow-Inc/oneflow/pull/5956" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5956/hovercard">#5956</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] fix wrong names <a href="https://github.com/Oneflow-Inc/oneflow/pull/5951" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5951/hovercard">#5951</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>system</strong>] Local dep object pool <a href="https://github.com/Oneflow-Inc/oneflow/pull/5953" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5953/hovercard">#5953</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] rename OpExprInterpState to AutoGradCaptureState <a href="https://github.com/Oneflow-Inc/oneflow/pull/5918" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5918/hovercard">#5918</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix linear bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5945" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5945/hovercard">#5945</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix tensor_meta update bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5924" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5924/hovercard">#5924</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] use flow.randperm <a href="https://github.com/Oneflow-Inc/oneflow/pull/5928" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5928/hovercard">#5928</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] consistent init/save/load <a href="https://github.com/Oneflow-Inc/oneflow/pull/5896" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5896/hovercard">#5896</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>documentation</strong>][<strong>interface</strong>] Restruct sort and argsort op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5911" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5911/hovercard">#5911</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Try to fix the problem that the insightface cannot converge。 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5906" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5906/hovercard">#5906</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Add autotest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5899" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5899/hovercard">#5899</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] The scheduler thread joins worker threads <a href="https://github.com/Oneflow-Inc/oneflow/pull/5893" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5893/hovercard">#5893</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Bugfix async callback <a href="https://github.com/Oneflow-Inc/oneflow/pull/5881" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5881/hovercard">#5881</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Feat tensor to bool <a href="https://github.com/Oneflow-Inc/oneflow/pull/5836" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5836/hovercard">#5836</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Remove inplace broadcast_add <a href="https://github.com/Oneflow-Inc/oneflow/pull/5551" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5551/hovercard">#5551</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Broadcast consistent shape and dtype <a href="https://github.com/Oneflow-Inc/oneflow/pull/5784" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5784/hovercard">#5784</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Fix optimizer list parameters input bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5848" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5848/hovercard">#5848</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] Dev flow.utils.data part3 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5644" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5644/hovercard">#5644</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>] Normalize naming of modules <a href="https://github.com/Oneflow-Inc/oneflow/pull/6066" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6066/hovercard">#6066</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] add trunc<em>normal</em> <a href="https://github.com/Oneflow-Inc/oneflow/pull/6051" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6051/hovercard">#6051</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] AutoMatedTest support test module.parameter.grad <a href="https://github.com/Oneflow-Inc/oneflow/pull/6043" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6043/hovercard">#6043</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>bug</strong>][<strong>eager</strong>] add module <strong>call</strong> kwags <a href="https://github.com/Oneflow-Inc/oneflow/pull/6069" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6069/hovercard">#6069</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] add tensor.item tensor.tolist <a href="https://github.com/Oneflow-Inc/oneflow/pull/6021" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6021/hovercard">#6021</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Export pool ops api <a href="https://github.com/Oneflow-Inc/oneflow/pull/6047" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6047/hovercard">#6047</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>test</strong>][<strong>documentation</strong>][<strong>interface</strong>] Add more autotest sample <a href="https://github.com/Oneflow-Inc/oneflow/pull/6039" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6039/hovercard">#6039</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>system</strong>] disable cuda_h2d stream <a href="https://github.com/Oneflow-Inc/oneflow/pull/6020" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6020/hovercard">#6020</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>test</strong>][<strong>api</strong>][<strong>interface</strong>] Add autotest codegen <a href="https://github.com/Oneflow-Inc/oneflow/pull/6019" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6019/hovercard">#6019</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>][<strong>documentation</strong>] Refactor cosine lr scheduler <a href="https://github.com/Oneflow-Inc/oneflow/pull/6000" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6000/hovercard">#6000</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>interface</strong>] tensor.cpu/tensor.cuda <a href="https://github.com/Oneflow-Inc/oneflow/pull/5894" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5894/hovercard">#5894</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>] Support consistent_tensor.to(dtype) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5991" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5991/hovercard">#5991</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] remove redundant codes in ModuleDict <a href="https://github.com/Oneflow-Inc/oneflow/pull/5961" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5961/hovercard">#5961</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix LayerNorm check bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6196" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6196/hovercard">#6196</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>] Change dropout api <a href="https://github.com/Oneflow-Inc/oneflow/pull/6182" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6182/hovercard">#6182</a></li> <li>[<strong>enhancement</strong>][<strong>good for pr</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] add: test convert dependency <a href="https://github.com/Oneflow-Inc/oneflow/pull/6023" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6023/hovercard">#6023</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>interface</strong>] Fix autotest codegen bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6171" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6171/hovercard">#6171</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] restore instr_local_dep_object_pool_size for nccl <a href="https://github.com/Oneflow-Inc/oneflow/pull/6160" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6160/hovercard">#6160</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Aligin pooling op functional api names with torch <a href="https://github.com/Oneflow-Inc/oneflow/pull/6163" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6163/hovercard">#6163</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] delete file <a href="https://github.com/Oneflow-Inc/oneflow/pull/6162" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6162/hovercard">#6162</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix optim load_state_dict bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6152" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6152/hovercard">#6152</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>] add is_training to dropout functor <a href="https://github.com/Oneflow-Inc/oneflow/pull/6148" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6148/hovercard">#6148</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Decompose nd sbp boxing <a href="https://github.com/Oneflow-Inc/oneflow/pull/5800" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5800/hovercard">#5800</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] support consistent_tensor.to(copy=True) <a href="https://github.com/Oneflow-Inc/oneflow/pull/6122" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6122/hovercard">#6122</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Static grad scaler <a href="https://github.com/Oneflow-Inc/oneflow/pull/6135" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6135/hovercard">#6135</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] Fix LayerNorm expr bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/6121" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6121/hovercard">#6121</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>api</strong>] move numpy c api init in numpy.cpp, make np array contiguous before copying <a href="https://github.com/Oneflow-Inc/oneflow/pull/6117" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6117/hovercard">#6117</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>refactor</strong>] Remove params from ParamGroup getitem <a href="https://github.com/Oneflow-Inc/oneflow/pull/6096" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6096/hovercard">#6096</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>eager</strong>] Support tensor and optimizer serialization <a href="https://github.com/Oneflow-Inc/oneflow/pull/6087" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6087/hovercard">#6087</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>eager</strong>] fix bug about tensor str in nonsymmetric cast and getitem in consist… <a href="https://github.com/Oneflow-Inc/oneflow/pull/6239" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6239/hovercard">#6239</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Cpu all reduce <a href="https://github.com/Oneflow-Inc/oneflow/pull/5849" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5849/hovercard">#5849</a></li> <li>[<strong>feature</strong>][<strong>eager</strong>] Support assign copy interface <a href="https://github.com/Oneflow-Inc/oneflow/pull/6228" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6228/hovercard">#6228</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] Dev reconstruct pad ops <a href="https://github.com/Oneflow-Inc/oneflow/pull/6223" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6223/hovercard">#6223</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>][<strong>api</strong>][<strong>interface</strong>] support flow.cuda.is_available <a href="https://github.com/Oneflow-Inc/oneflow/pull/6124" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6124/hovercard">#6124</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>] make flow._C.local_all_reduce sync lanuched <a href="https://github.com/Oneflow-Inc/oneflow/pull/6175" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6175/hovercard">#6175</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Rename flow to oneflow in user hint <a href="https://github.com/Oneflow-Inc/oneflow/pull/6190" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6190/hovercard">#6190</a></li> <li>[<strong>bug</strong>][<strong>eager</strong>][<strong>tooling</strong>][<strong>test</strong>][<strong>api</strong>][<strong>interface</strong>] Autotest generate input tensor <a href="https://github.com/Oneflow-Inc/oneflow/pull/6206" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6206/hovercard">#6206</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] consistent tensor zeros_() <a href="https://github.com/Oneflow-Inc/oneflow/pull/6202" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6202/hovercard">#6202</a></li> <li>[<strong>enhancement</strong>][<strong>eager</strong>] Cpu mpi <a href="https://github.com/Oneflow-Inc/oneflow/pull/5865" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5865/hovercard">#5865</a></li> </ul> <h4>Build enhancements:</h4> <ul> <li>[<strong>bug</strong>][<strong>build</strong>] Fix GRPC compilation failure on CMake 3.20 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5255" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5255/hovercard">#5255</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Refine header file copy <a href="https://github.com/Oneflow-Inc/oneflow/pull/5254" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5254/hovercard">#5254</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Fix older version CMake doesn't support multiple targets in CLI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5248" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5248/hovercard">#5248</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Turn off NCCL_STATIC/CUDNN_STATIC when CUDA_STATIC is OFF <a href="https://github.com/Oneflow-Inc/oneflow/pull/5243" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5243/hovercard">#5243</a></li> <li>[<strong>feature</strong>][<strong>build</strong>] Fix support for Ninja and add Ninja build in Simple CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5236" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5236/hovercard">#5236</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add cmake option CUDA_STATIC <a href="https://github.com/Oneflow-Inc/oneflow/pull/5164" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5164/hovercard">#5164</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Fix protobuf debug postfix <a href="https://github.com/Oneflow-Inc/oneflow/pull/5233" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5233/hovercard">#5233</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>] Move default third party dir into build dir <a href="https://github.com/Oneflow-Inc/oneflow/pull/5230" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5230/hovercard">#5230</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Refine protobuf cmake <a href="https://github.com/Oneflow-Inc/oneflow/pull/5216" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5216/hovercard">#5216</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>] Remove transport test main <a href="https://github.com/Oneflow-Inc/oneflow/pull/5215" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5215/hovercard">#5215</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>] Speedup opencv build <a href="https://github.com/Oneflow-Inc/oneflow/pull/5213" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5213/hovercard">#5213</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Support clang <a href="https://github.com/Oneflow-Inc/oneflow/pull/5015" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5015/hovercard">#5015</a></li> <li>[<strong>enhancement</strong>][<strong>documentation</strong>][<strong>build</strong>] Add prefix when creating git archive <a href="https://github.com/Oneflow-Inc/oneflow/pull/5201" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5201/hovercard">#5201</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add cmake option NCCL_STATIC <a href="https://github.com/Oneflow-Inc/oneflow/pull/5160" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5160/hovercard">#5160</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Refine CMake CUDA version handling <a href="https://github.com/Oneflow-Inc/oneflow/pull/5192" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5192/hovercard">#5192</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Use clang plugin to check Maybe variables are used <a href="https://github.com/Oneflow-Inc/oneflow/pull/5358" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5358/hovercard">#5358</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add BUILD_BYPRODUCTS for ExternalProject_Add <a href="https://github.com/Oneflow-Inc/oneflow/pull/5316" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5316/hovercard">#5316</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add cmake init cache to simplify user onboarding <a href="https://github.com/Oneflow-Inc/oneflow/pull/5311" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5311/hovercard">#5311</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>build</strong>] Fix macOS support and run macOS build in Simple CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/4947" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/4947/hovercard">#4947</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] flatbuffers use mirror <a href="https://github.com/Oneflow-Inc/oneflow/pull/5295" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5295/hovercard">#5295</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Don't build test by default <a href="https://github.com/Oneflow-Inc/oneflow/pull/5302" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5302/hovercard">#5302</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Prevent building from scratch when toggle flag BUILD_GIT_VERSION <a href="https://github.com/Oneflow-Inc/oneflow/pull/5259" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5259/hovercard">#5259</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Refine gRPC, glog, gflags cmake for conda <a href="https://github.com/Oneflow-Inc/oneflow/pull/5276" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5276/hovercard">#5276</a></li> <li>[<strong>feature</strong>][<strong>build</strong>] Support XLA with CPU-only <a href="https://github.com/Oneflow-Inc/oneflow/pull/5260" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5260/hovercard">#5260</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>onnx</strong>][<strong>build</strong>] Remove ONNX from CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5257" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5257/hovercard">#5257</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Refactor build_wheel to support oneflowinc images <a href="https://github.com/Oneflow-Inc/oneflow/pull/5427" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5427/hovercard">#5427</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add arg skip_audit in build wheel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5423" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5423/hovercard">#5423</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] hwloc disable shared <a href="https://github.com/Oneflow-Inc/oneflow/pull/5388" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5388/hovercard">#5388</a></li> <li>[<strong>documentation</strong>][<strong>build</strong>] Update readme for autoconf and libtool <a href="https://github.com/Oneflow-Inc/oneflow/pull/5376" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5376/hovercard">#5376</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] remove dir python and compatible_single_client_python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5609" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5609/hovercard">#5609</a></li> <li>[<strong>bug</strong>][<strong>build</strong>][<strong>system</strong>] Fix pyyaml version <a href="https://github.com/Oneflow-Inc/oneflow/pull/5594" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5594/hovercard">#5594</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>] force release flags <a href="https://github.com/Oneflow-Inc/oneflow/pull/5574" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5574/hovercard">#5574</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] prevent endless loop <a href="https://github.com/Oneflow-Inc/oneflow/pull/5534" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5534/hovercard">#5534</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Support sccache <a href="https://github.com/Oneflow-Inc/oneflow/pull/5528" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5528/hovercard">#5528</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add definition for CMAKE_BUILD_TYPE and print cmake_build_type in oneflow doctor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5505" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5505/hovercard">#5505</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>][<strong>need-simple-ci</strong>] Fix macOS for recent changes <a href="https://github.com/Oneflow-Inc/oneflow/pull/5705" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5705/hovercard">#5705</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] fix return type error on gcc 4.8.5 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5660" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5660/hovercard">#5660</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Check CMAKE_BUILD_TYPE <a href="https://github.com/Oneflow-Inc/oneflow/pull/5656" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5656/hovercard">#5656</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] add -Werror=return-type <a href="https://github.com/Oneflow-Inc/oneflow/pull/5655" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5655/hovercard">#5655</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Clean and fix for new py dir <a href="https://github.com/Oneflow-Inc/oneflow/pull/5618" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5618/hovercard">#5618</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] cmake: disable array-bounds check &amp; treat warnings as errors for pyextobj and oneflow_internal &amp; fix warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/5838" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5838/hovercard">#5838</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] set CMAKE_BUILD_TYPE to Release if undefined <a href="https://github.com/Oneflow-Inc/oneflow/pull/5842" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5842/hovercard">#5842</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>][<strong>need-simple-ci</strong>] Fix all warnings &amp; Add option TREAT_WARING_AS_ERROR to cmake <a href="https://github.com/Oneflow-Inc/oneflow/pull/5751" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5751/hovercard">#5751</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] add CMAKE_INTERPROCEDURAL_OPTIMIZATION in fast cmake cache <a href="https://github.com/Oneflow-Inc/oneflow/pull/5970" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5970/hovercard">#5970</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] add clang tidy target <a href="https://github.com/Oneflow-Inc/oneflow/pull/5957" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5957/hovercard">#5957</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] cmake: fix cmake cache args in opencv <a href="https://github.com/Oneflow-Inc/oneflow/pull/5959" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5959/hovercard">#5959</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add cmake option USE_SYSTEM_NCCL <a href="https://github.com/Oneflow-Inc/oneflow/pull/5897" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5897/hovercard">#5897</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] cmake: include third party headers as system headers to avoid warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/5879" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5879/hovercard">#5879</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Ignore opencv-python on machine aarch64 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5884" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5884/hovercard">#5884</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] enable CMake first class cuda support <a href="https://github.com/Oneflow-Inc/oneflow/pull/5858" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5858/hovercard">#5858</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Fix compile warning (strict-aliasing) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5872" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5872/hovercard">#5872</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>build</strong>][<strong>need-simple-ci</strong>] Upgrade gtest and fix some errors raised by clang <a href="https://github.com/Oneflow-Inc/oneflow/pull/6079" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6079/hovercard">#6079</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>build</strong>] cmake: fix ninja build in CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/6072" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6072/hovercard">#6072</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] fix files not actually removed when building for multiple python versions <a href="https://github.com/Oneflow-Inc/oneflow/pull/6060" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6060/hovercard">#6060</a></li> <li>[<strong>bug</strong>][<strong>build</strong>][<strong>api</strong>] functional_api: fix build error in mac os <a href="https://github.com/Oneflow-Inc/oneflow/pull/6010" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6010/hovercard">#6010</a></li> <li>[<strong>bug</strong>][<strong>build</strong>][<strong>need-simple-ci</strong>][<strong>need-single-client-tests</strong>] Fix recompile from scratch <a href="https://github.com/Oneflow-Inc/oneflow/pull/6036" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6036/hovercard">#6036</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Turn on NVCC's warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/6011" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6011/hovercard">#6011</a></li> <li>[<strong>bug</strong>][<strong>build</strong>][<strong>need-single-client-tests</strong>] fix bundle .so of other python version <a href="https://github.com/Oneflow-Inc/oneflow/pull/6034" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6034/hovercard">#6034</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>build</strong>][<strong>need-single-client-tests</strong>] use copy_all_files_in_dir to replace copy_files <a href="https://github.com/Oneflow-Inc/oneflow/pull/6033" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6033/hovercard">#6033</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] check compiler version in cmake <a href="https://github.com/Oneflow-Inc/oneflow/pull/6026" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6026/hovercard">#6026</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Add CUDA_NVCC_THREADS_NUMBER <a href="https://github.com/Oneflow-Inc/oneflow/pull/6017" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6017/hovercard">#6017</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>][<strong>need-simple-ci</strong>] optimize of_include_copy <a href="https://github.com/Oneflow-Inc/oneflow/pull/5978" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5978/hovercard">#5978</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>][<strong>need-single-client-tests</strong>] CI: remove <code>-DTREAT_WARNINGS_AS_ERRORS=OFF</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/6008" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6008/hovercard">#6008</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>][<strong>xla</strong>] xrt: fix all warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/5915" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5915/hovercard">#5915</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Prevent opencv compile failure with std 17 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5997" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5997/hovercard">#5997</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Use bundled cub <a href="https://github.com/Oneflow-Inc/oneflow/pull/5998" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5998/hovercard">#5998</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>build</strong>] update clang tidy diff warnings-as-errors option <a href="https://github.com/Oneflow-Inc/oneflow/pull/5989" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5989/hovercard">#5989</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] Update run_clang_tidy.py to set return code and add warning-as-errors <a href="https://github.com/Oneflow-Inc/oneflow/pull/5977" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5977/hovercard">#5977</a></li> <li>[<strong>enhancement</strong>][<strong>build</strong>] check: fix clang-tidy-diff commands <a href="https://github.com/Oneflow-Inc/oneflow/pull/5972" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5972/hovercard">#5972</a></li> <li>[<strong>bug</strong>][<strong>build</strong>] Suppress NVCC warning <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="240369265" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/177" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/177/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/177">#177</a>-D <a href="https://github.com/Oneflow-Inc/oneflow/pull/6094" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6094/hovercard">#6094</a></li> </ul> <h4>XLA enhancements:</h4> <ul> <li>[<strong>bug</strong>][<strong>xla</strong>] Make the blob header memory aligned. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5286" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5286/hovercard">#5286</a></li> </ul> <h4>System:</h4> <ul> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor Memory Zone <a href="https://github.com/Oneflow-Inc/oneflow/pull/5072" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5072/hovercard">#5072</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add interface InferContext::OutputTensorDesc <a href="https://github.com/Oneflow-Inc/oneflow/pull/5219" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5219/hovercard">#5219</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Lazy construct functor to make sure that the operators has already been registered. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5225" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5225/hovercard">#5225</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor infer ctx output isdynamic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5220" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5220/hovercard">#5220</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor infer ctx input isdynamic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5211" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5211/hovercard">#5211</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Wake up the heartbeat thread immediately <a href="https://github.com/Oneflow-Inc/oneflow/pull/5081" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5081/hovercard">#5081</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Fix xla test case fail <a href="https://github.com/Oneflow-Inc/oneflow/pull/5203" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5203/hovercard">#5203</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add interface InferContext::InputDType <a href="https://github.com/Oneflow-Inc/oneflow/pull/5153" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5153/hovercard">#5153</a></li> <li>[<strong>purge</strong>][<strong>system</strong>] delete const_cast in Output <a href="https://github.com/Oneflow-Inc/oneflow/pull/5196" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5196/hovercard">#5196</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Add hwloc for topology detection <a href="https://github.com/Oneflow-Inc/oneflow/pull/5291" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5291/hovercard">#5291</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] fix registry may segment <a href="https://github.com/Oneflow-Inc/oneflow/pull/5336" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5336/hovercard">#5336</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Use functional api instead of op_expr_helper::XXXOp. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5364" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5364/hovercard">#5364</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] move btob to op <a href="https://github.com/Oneflow-Inc/oneflow/pull/5274" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5274/hovercard">#5274</a></li> <li>[<strong>documentation</strong>][<strong>system</strong>] Add Latest News section in README <a href="https://github.com/Oneflow-Inc/oneflow/pull/5361" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5361/hovercard">#5361</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>system</strong>] fix dropout module: return directly if not training <a href="https://github.com/Oneflow-Inc/oneflow/pull/5346" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5346/hovercard">#5346</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] add missing JUST <a href="https://github.com/Oneflow-Inc/oneflow/pull/5357" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5357/hovercard">#5357</a></li> <li>[<strong>documentation</strong>][<strong>system</strong>] Add more communication outlets on README <a href="https://github.com/Oneflow-Inc/oneflow/pull/5359" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5359/hovercard">#5359</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>system</strong>] CommNet dynamic register memory <a href="https://github.com/Oneflow-Inc/oneflow/pull/5281" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5281/hovercard">#5281</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Use symbol device <a href="https://github.com/Oneflow-Inc/oneflow/pull/5341" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5341/hovercard">#5341</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] fix multithread bug in env <a href="https://github.com/Oneflow-Inc/oneflow/pull/5283" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5283/hovercard">#5283</a></li> <li>[<strong>bug</strong>][<strong>system</strong>][<strong>api</strong>] fix bug in cfg_replacement <a href="https://github.com/Oneflow-Inc/oneflow/pull/5335" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5335/hovercard">#5335</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix create log directory thread-unsafe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5326" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5326/hovercard">#5326</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] fix_bug_in_make_parallel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5328" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5328/hovercard">#5328</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>cfg</strong>] replace train_conf, job_conf using cfg::xx <a href="https://github.com/Oneflow-Inc/oneflow/pull/5263" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5263/hovercard">#5263</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>quantization</strong>] support tensorrt in qat <a href="https://github.com/Oneflow-Inc/oneflow/pull/5287" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5287/hovercard">#5287</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Export functional apis for oneflow.experimental. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5313" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5313/hovercard">#5313</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] fix bug check between cfg enum and proto enum <a href="https://github.com/Oneflow-Inc/oneflow/pull/5285" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5285/hovercard">#5285</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] replace CHECK_EQ using CHECK_EQ_OR_RETURN <a href="https://github.com/Oneflow-Inc/oneflow/pull/5279" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5279/hovercard">#5279</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor SbpXXX to cfg::SbpXXX <a href="https://github.com/Oneflow-Inc/oneflow/pull/5120" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5120/hovercard">#5120</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] add detach for LazyMirroredtensorImpl <a href="https://github.com/Oneflow-Inc/oneflow/pull/5270" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5270/hovercard">#5270</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] shorten XXIsDynamic4ArgNameAndIndex to be xxIsDynamic <a href="https://github.com/Oneflow-Inc/oneflow/pull/5265" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5265/hovercard">#5265</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>cfg</strong>] job_config to cfg <a href="https://github.com/Oneflow-Inc/oneflow/pull/5235" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5235/hovercard">#5235</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Multi-Client LogicalRun degenerate to PhysicalRun <a href="https://github.com/Oneflow-Inc/oneflow/pull/5479" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5479/hovercard">#5479</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] fix ConstructOp without JUST <a href="https://github.com/Oneflow-Inc/oneflow/pull/5480" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5480/hovercard">#5480</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Output arg modifier return maybe part 1 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5451" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5451/hovercard">#5451</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Fea/nn graph/graph build ctx <a href="https://github.com/Oneflow-Inc/oneflow/pull/5420" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5420/hovercard">#5420</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Throw exception if check failed <a href="https://github.com/Oneflow-Inc/oneflow/pull/5457" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5457/hovercard">#5457</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] multi client launch <a href="https://github.com/Oneflow-Inc/oneflow/pull/5372" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5372/hovercard">#5372</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Optimize reduce mean <a href="https://github.com/Oneflow-Inc/oneflow/pull/5452" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5452/hovercard">#5452</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] export Tensor only to python <a href="https://github.com/Oneflow-Inc/oneflow/pull/5440" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5440/hovercard">#5440</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Output arg modifier return maybe part_0 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5447" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5447/hovercard">#5447</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] ThreadMgr support AddPlan <a href="https://github.com/Oneflow-Inc/oneflow/pull/5450" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5450/hovercard">#5450</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor infer ctx input tensordesc <a href="https://github.com/Oneflow-Inc/oneflow/pull/5226" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5226/hovercard">#5226</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] instruction builder return maybe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5442" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5442/hovercard">#5442</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] MultiClientSessionContext <a href="https://github.com/Oneflow-Inc/oneflow/pull/5421" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5421/hovercard">#5421</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>system</strong>] add launcher, update multi client launch and exit <a href="https://github.com/Oneflow-Inc/oneflow/pull/5414" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5414/hovercard">#5414</a></li> <li>[<strong>purge</strong>][<strong>system</strong>][<strong>refactor</strong>] Remove IOConf <a href="https://github.com/Oneflow-Inc/oneflow/pull/5419" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5419/hovercard">#5419</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Dev refine generator <a href="https://github.com/Oneflow-Inc/oneflow/pull/5426" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5426/hovercard">#5426</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Support inplace operations <a href="https://github.com/Oneflow-Inc/oneflow/pull/5204" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5204/hovercard">#5204</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Dev refactor generator <a href="https://github.com/Oneflow-Inc/oneflow/pull/5397" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5397/hovercard">#5397</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add new placement init func <a href="https://github.com/Oneflow-Inc/oneflow/pull/5408" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5408/hovercard">#5408</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] NNGraphIf <a href="https://github.com/Oneflow-Inc/oneflow/pull/5387" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5387/hovercard">#5387</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Cast explicitily in unpack call to avoid confilt with Optional. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5380" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5380/hovercard">#5380</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>interface</strong>] [Random Generator] Part2: Migrate functional dropout <a href="https://github.com/Oneflow-Inc/oneflow/pull/5378" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5378/hovercard">#5378</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] replace ForeignJobInstance using JobInstance <a href="https://github.com/Oneflow-Inc/oneflow/pull/5374" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5374/hovercard">#5374</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Speedup reshape module by 5x. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5381" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5381/hovercard">#5381</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] [Random Generator] Part1: Dev random generator <a href="https://github.com/Oneflow-Inc/oneflow/pull/5360" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5360/hovercard">#5360</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add ONEFLOW_STREAM_CUDA_EVENT_FLAG_BLOCKING_SYNC <a href="https://github.com/Oneflow-Inc/oneflow/pull/5612" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5612/hovercard">#5612</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] [part2]Remove singleclient outdated api <a href="https://github.com/Oneflow-Inc/oneflow/pull/5568" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5568/hovercard">#5568</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] nn.Graph call and launch impl <a href="https://github.com/Oneflow-Inc/oneflow/pull/5580" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5580/hovercard">#5580</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] remove outdated doctest api and "@experimental_api" <a href="https://github.com/Oneflow-Inc/oneflow/pull/5564" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5564/hovercard">#5564</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Register ForeignCallback and Watcher in Multi-Client <a href="https://github.com/Oneflow-Inc/oneflow/pull/5591" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5591/hovercard">#5591</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] [Part-1]remove outdated api and files of multi-client on master branch <a href="https://github.com/Oneflow-Inc/oneflow/pull/5556" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5556/hovercard">#5556</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] LazyInterpret build LocalTensor if input is local <a href="https://github.com/Oneflow-Inc/oneflow/pull/5582" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5582/hovercard">#5582</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add job_pass MultiClientAutoSourceAndSinkTick <a href="https://github.com/Oneflow-Inc/oneflow/pull/5507" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5507/hovercard">#5507</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Fea/nn graph/optimizer <a href="https://github.com/Oneflow-Inc/oneflow/pull/5533" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5533/hovercard">#5533</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] New/CloseRuntimeBuffers and RunLazyJob impl <a href="https://github.com/Oneflow-Inc/oneflow/pull/5571" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5571/hovercard">#5571</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>refactor</strong>][<strong>interface</strong>] NNGraph interface and implement for CompileAndRuntime <a href="https://github.com/Oneflow-Inc/oneflow/pull/5558" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5558/hovercard">#5558</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Fea/nn graph/forward graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/5516" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5516/hovercard">#5516</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Lazy job stream type <a href="https://github.com/Oneflow-Inc/oneflow/pull/5389" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5389/hovercard">#5389</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor single client autotick <a href="https://github.com/Oneflow-Inc/oneflow/pull/5506" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5506/hovercard">#5506</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] replace underline using dot in single client <a href="https://github.com/Oneflow-Inc/oneflow/pull/5547" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5547/hovercard">#5547</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] fix return type <a href="https://github.com/Oneflow-Inc/oneflow/pull/5548" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5548/hovercard">#5548</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] LazyInterpret for UserOpExpr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5544" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5544/hovercard">#5544</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add ProfilerStart/ProfilerStop API <a href="https://github.com/Oneflow-Inc/oneflow/pull/5542" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5542/hovercard">#5542</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] LazyInterpreter for FetchOutputOpExpr and set op parallel_distribution <a href="https://github.com/Oneflow-Inc/oneflow/pull/5527" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5527/hovercard">#5527</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Multi client push pull <a href="https://github.com/Oneflow-Inc/oneflow/pull/5492" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5492/hovercard">#5492</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] registry_callback_fn return maybe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5456" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5456/hovercard">#5456</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] bw_gen_fn return maybe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5455" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5455/hovercard">#5455</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] gen_bw_fn return maybe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5454" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5454/hovercard">#5454</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Compatible single client <a href="https://github.com/Oneflow-Inc/oneflow/pull/5417" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5417/hovercard">#5417</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] GlobalMultiClientEnv and refine EagerExecution <a href="https://github.com/Oneflow-Inc/oneflow/pull/5523" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5523/hovercard">#5523</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Job pass maybe system <a href="https://github.com/Oneflow-Inc/oneflow/pull/5503" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5503/hovercard">#5503</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Remove Plan::net_topo <a href="https://github.com/Oneflow-Inc/oneflow/pull/5502" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5502/hovercard">#5502</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] LazyInterpret for FeedVariableOpExpr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5490" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5490/hovercard">#5490</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Input arg modifier return maybe <a href="https://github.com/Oneflow-Inc/oneflow/pull/5453" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5453/hovercard">#5453</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Fea/nn graph/block scope <a href="https://github.com/Oneflow-Inc/oneflow/pull/5498" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5498/hovercard">#5498</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] jit_fuse_cast_scale <a href="https://github.com/Oneflow-Inc/oneflow/pull/5332" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5332/hovercard">#5332</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Remove obsolete Profiler <a href="https://github.com/Oneflow-Inc/oneflow/pull/5747" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5747/hovercard">#5747</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Dev fix batch norm not stats <a href="https://github.com/Oneflow-Inc/oneflow/pull/5733" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5733/hovercard">#5733</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] rename rpc_token to TransportToken <a href="https://github.com/Oneflow-Inc/oneflow/pull/5735" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5735/hovercard">#5735</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Refacotr maximum minimum py2cpp <a href="https://github.com/Oneflow-Inc/oneflow/pull/5724" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5724/hovercard">#5724</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Replace piece_id with comm_net_sequence_number <a href="https://github.com/Oneflow-Inc/oneflow/pull/5731" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5731/hovercard">#5731</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] beautify stack frame <a href="https://github.com/Oneflow-Inc/oneflow/pull/5686" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5686/hovercard">#5686</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add env ONEFLOW_KERNEL_DISABLE_BLOB_ACCESS_CHECKER <a href="https://github.com/Oneflow-Inc/oneflow/pull/5728" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5728/hovercard">#5728</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add env ONEFLOW_THREAD_ENABLE_LOCAL_MESSAGE_QUEUE <a href="https://github.com/Oneflow-Inc/oneflow/pull/5720" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5720/hovercard">#5720</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>][<strong>refactor</strong>] Refactor functional sub, mul and div apis <a href="https://github.com/Oneflow-Inc/oneflow/pull/5713" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5713/hovercard">#5713</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] ddp <a href="https://github.com/Oneflow-Inc/oneflow/pull/5008" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5008/hovercard">#5008</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>][<strong>refactor</strong>] Refactor functional matmul and add apis. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5697" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5697/hovercard">#5697</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix ClearKV("plan") <a href="https://github.com/Oneflow-Inc/oneflow/pull/5710" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5710/hovercard">#5710</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Rename cpu to async cpu <a href="https://github.com/Oneflow-Inc/oneflow/pull/5712" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5712/hovercard">#5712</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Support tensor.to()/to_local() <a href="https://github.com/Oneflow-Inc/oneflow/pull/5271" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5271/hovercard">#5271</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>refactor</strong>][<strong>interface</strong>] Multi-Runtime for multi nn.Graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/5683" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5683/hovercard">#5683</a></li> <li>[<strong>bug</strong>][<strong>system</strong>][<strong>refactor</strong>] Add tag for Optional inplace constructor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5619" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5619/hovercard">#5619</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Move Global to env scope <a href="https://github.com/Oneflow-Inc/oneflow/pull/5670" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5670/hovercard">#5670</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add JUST wrapper <a href="https://github.com/Oneflow-Inc/oneflow/pull/5681" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5681/hovercard">#5681</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] New sync consistent meta info <a href="https://github.com/Oneflow-Inc/oneflow/pull/5634" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5634/hovercard">#5634</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>][<strong>interface</strong>] Refactor RuntimeCtx for multi-runtime <a href="https://github.com/Oneflow-Inc/oneflow/pull/5664" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5664/hovercard">#5664</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Feat: memory shared between EagerTensor with VariableRegst <a href="https://github.com/Oneflow-Inc/oneflow/pull/5649" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5649/hovercard">#5649</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Use functional call directly instead of construct a module and then call-Add <a href="https://github.com/Oneflow-Inc/oneflow/pull/5613" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5613/hovercard">#5613</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] disable eager_op consistent mode <a href="https://github.com/Oneflow-Inc/oneflow/pull/5647" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5647/hovercard">#5647</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add msg_penddin_list in ibverbs_qp to optimize qp_init_attr.cap.max_send_wr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5485" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5485/hovercard">#5485</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] IBVerbsCommNet add knobs <a href="https://github.com/Oneflow-Inc/oneflow/pull/5626" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5626/hovercard">#5626</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Prune python tensor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5596" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5596/hovercard">#5596</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Feat: LazyInterpret infer op / tensor ParallelDescScope <a href="https://github.com/Oneflow-Inc/oneflow/pull/5625" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5625/hovercard">#5625</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Replace src tick with with wait and send ids <a href="https://github.com/Oneflow-Inc/oneflow/pull/5603" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5603/hovercard">#5603</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Support symbol placement type in functional. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5627" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5627/hovercard">#5627</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>][<strong>refactor</strong>][<strong>interface</strong>] Dev advanced indexing <a href="https://github.com/Oneflow-Inc/oneflow/pull/5559" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5559/hovercard">#5559</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Optimize maybe. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5839" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5839/hovercard">#5839</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Decorator 4 disable recursive boxing call <a href="https://github.com/Oneflow-Inc/oneflow/pull/5796" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5796/hovercard">#5796</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add_eager_boxing_and_op_interpreter_dispatch_error_info <a href="https://github.com/Oneflow-Inc/oneflow/pull/5819" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5819/hovercard">#5819</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Kernel CUDA Graphs Support <a href="https://github.com/Oneflow-Inc/oneflow/pull/5725" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5725/hovercard">#5725</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix placement print bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5853" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5853/hovercard">#5853</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] when error msg formatting fails, return error-&gt;DebugString <a href="https://github.com/Oneflow-Inc/oneflow/pull/5844" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5844/hovercard">#5844</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Rename variables named <code>*parallel_distribution*</code> to <code>*nd_sbp*</code> (1) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5815" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5815/hovercard">#5815</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Support Free EagerTensor caught in nn.Graph build <a href="https://github.com/Oneflow-Inc/oneflow/pull/5777" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5777/hovercard">#5777</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Reuse CUDA event / Refine BnInOp2Blob / Refine channel <a href="https://github.com/Oneflow-Inc/oneflow/pull/5837" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5837/hovercard">#5837</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>serving</strong>] fix bug in AddInputOutputOpsPass: check existence of key in HashMap(inferface_lbi2scope_sym_id) <a href="https://github.com/Oneflow-Inc/oneflow/pull/5653" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5653/hovercard">#5653</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] unpack_call: impl new <code>unpack_call_dispatcher</code> for better performance <a href="https://github.com/Oneflow-Inc/oneflow/pull/5820" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5820/hovercard">#5820</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Feat consistent tensor python constructor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5812" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5812/hovercard">#5812</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Support 0shape tensor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5620" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5620/hovercard">#5620</a></li> <li>[<strong>documentation</strong>][<strong>system</strong>] fix launcher description <a href="https://github.com/Oneflow-Inc/oneflow/pull/5770" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5770/hovercard">#5770</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Multi-nn.Graph memory reuse by Chunk manager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5658" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5658/hovercard">#5658</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix naive b2p error <a href="https://github.com/Oneflow-Inc/oneflow/pull/5806" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5806/hovercard">#5806</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] set created generator with default rng seed <a href="https://github.com/Oneflow-Inc/oneflow/pull/5801" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5801/hovercard">#5801</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] enhance_local_to_consistent <a href="https://github.com/Oneflow-Inc/oneflow/pull/5761" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5761/hovercard">#5761</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] add flow.randn <a href="https://github.com/Oneflow-Inc/oneflow/pull/5736" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5736/hovercard">#5736</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor hierarchical parallel cast autograd <a href="https://github.com/Oneflow-Inc/oneflow/pull/5764" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5764/hovercard">#5764</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Collective boxing executor add_plan delete_plan <a href="https://github.com/Oneflow-Inc/oneflow/pull/5495" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5495/hovercard">#5495</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Fix throw abort <a href="https://github.com/Oneflow-Inc/oneflow/pull/5795" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5795/hovercard">#5795</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] DECORATE <a href="https://github.com/Oneflow-Inc/oneflow/pull/5794" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5794/hovercard">#5794</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Inferface eager boxing <a href="https://github.com/Oneflow-Inc/oneflow/pull/5682" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5682/hovercard">#5682</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] extract_consistent_to_consistent_op_expr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5870" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5870/hovercard">#5870</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] disable backward pass consistent tensor meta check. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5871" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5871/hovercard">#5871</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add CudaStreamIndexGenerator::GenerateNamedStreamIndex <a href="https://github.com/Oneflow-Inc/oneflow/pull/5940" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5940/hovercard">#5940</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Only query PCI bus id when CUDA version &gt;= 11 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5937" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5937/hovercard">#5937</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] maybe: add <code>JUST_MSG</code> and <code>CHECK_JUST_MSG</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/5904" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5904/hovercard">#5904</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix bug scalar <a href="https://github.com/Oneflow-Inc/oneflow/pull/5950" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5950/hovercard">#5950</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] framework: fix rvalue reference warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/5948" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5948/hovercard">#5948</a></li> <li>[<strong>purge</strong>][<strong>system</strong>] Remove CudaWorkType <a href="https://github.com/Oneflow-Inc/oneflow/pull/5942" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5942/hovercard">#5942</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] refactor_symbol <a href="https://github.com/Oneflow-Inc/oneflow/pull/5941" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5941/hovercard">#5941</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] consistent_tensor_infer_cache: fix memory leak <a href="https://github.com/Oneflow-Inc/oneflow/pull/5938" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5938/hovercard">#5938</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] support to print gpu <a href="https://github.com/Oneflow-Inc/oneflow/pull/5936" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5936/hovercard">#5936</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Bugfix static check <a href="https://github.com/Oneflow-Inc/oneflow/pull/5935" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5935/hovercard">#5935</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] fix nccl_version log <a href="https://github.com/Oneflow-Inc/oneflow/pull/5934" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5934/hovercard">#5934</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix bug of multi-GPU train nn.Graph extra mem cost in rank 0 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5930" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5930/hovercard">#5930</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Only gradient acc be scheduled in parallel. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5926" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5926/hovercard">#5926</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>system</strong>] fix_ddp_bug_on_8_process <a href="https://github.com/Oneflow-Inc/oneflow/pull/5929" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5929/hovercard">#5929</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Fix bug error msg format <a href="https://github.com/Oneflow-Inc/oneflow/pull/5866" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5866/hovercard">#5866</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] print consistent tensor data <a href="https://github.com/Oneflow-Inc/oneflow/pull/5902" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5902/hovercard">#5902</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Move parse env to the constructor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5922" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5922/hovercard">#5922</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Remove GlobalWorkStreamId/GlobalThrdId <a href="https://github.com/Oneflow-Inc/oneflow/pull/5917" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5917/hovercard">#5917</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] shared_or_scalar: fix alias warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/5916" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5916/hovercard">#5916</a></li> <li>[<strong>purge</strong>][<strong>system</strong>] Remove CompActor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5919" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5919/hovercard">#5919</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Use symbol dtype <a href="https://github.com/Oneflow-Inc/oneflow/pull/5641" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5641/hovercard">#5641</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>system</strong>] Control Graph / Session / Env's python c++ object destruction <a href="https://github.com/Oneflow-Inc/oneflow/pull/5845" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5845/hovercard">#5845</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>system</strong>] Sync access and assign indexing tensor. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5907" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5907/hovercard">#5907</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>][<strong>refactor</strong>] Dev consistent arange <a href="https://github.com/Oneflow-Inc/oneflow/pull/5883" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5883/hovercard">#5883</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Lazy interpreter for new ConsistentToConsistentOpExpr <a href="https://github.com/Oneflow-Inc/oneflow/pull/5903" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5903/hovercard">#5903</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix BUG of LazyInterpret FreeEagerTensor memory shared with regst <a href="https://github.com/Oneflow-Inc/oneflow/pull/5891" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5891/hovercard">#5891</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] fix typo in <code>raise RuntimeError</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/5890" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5890/hovercard">#5890</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Rename the <code>ParallelDistribution</code> class to <code>NdSbp</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/5814" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5814/hovercard">#5814</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] add flow.rand <a href="https://github.com/Oneflow-Inc/oneflow/pull/5722" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5722/hovercard">#5722</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Lazy Interpret support infer default device cpu <a href="https://github.com/Oneflow-Inc/oneflow/pull/5880" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5880/hovercard">#5880</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Tensor str <a href="https://github.com/Oneflow-Inc/oneflow/pull/5783" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5783/hovercard">#5783</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Lazy to_consistent <a href="https://github.com/Oneflow-Inc/oneflow/pull/5774" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5774/hovercard">#5774</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] wait vm empty before exiting <a href="https://github.com/Oneflow-Inc/oneflow/pull/5860" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5860/hovercard">#5860</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Eager boxing n to 1 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5949" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5949/hovercard">#5949</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add kernel observer <a href="https://github.com/Oneflow-Inc/oneflow/pull/6052" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6052/hovercard">#6052</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>system</strong>] Optimize ddp broadcast and add speed/memory test in ci <a href="https://github.com/Oneflow-Inc/oneflow/pull/6044" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6044/hovercard">#6044</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] add var to control only print warning once when blocked <a href="https://github.com/Oneflow-Inc/oneflow/pull/6045" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6045/hovercard">#6045</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Rewrite pow and logical functional apis <a href="https://github.com/Oneflow-Inc/oneflow/pull/6032" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6032/hovercard">#6032</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Token seq id <a href="https://github.com/Oneflow-Inc/oneflow/pull/5964" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5964/hovercard">#5964</a></li> <li>[<strong>enhancement</strong>][<strong>documentation</strong>][<strong>system</strong>] Remove python function wrapper. <a href="https://github.com/Oneflow-Inc/oneflow/pull/6012" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6012/hovercard">#6012</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Add timeout and loc for blocking calls <a href="https://github.com/Oneflow-Inc/oneflow/pull/6007" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6007/hovercard">#6007</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Eager boxing 1 to n <a href="https://github.com/Oneflow-Inc/oneflow/pull/5943" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5943/hovercard">#5943</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Boxing expr <a href="https://github.com/Oneflow-Inc/oneflow/pull/6015" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6015/hovercard">#6015</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] new_X_to_B <a href="https://github.com/Oneflow-Inc/oneflow/pull/5987" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5987/hovercard">#5987</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add unimplemented return information <a href="https://github.com/Oneflow-Inc/oneflow/pull/5952" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5952/hovercard">#5952</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Revert "Faster decorator" <a href="https://github.com/Oneflow-Inc/oneflow/pull/6006" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6006/hovercard">#6006</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Throw exception if using advanced indexing for tensor setitem <a href="https://github.com/Oneflow-Inc/oneflow/pull/6001" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6001/hovercard">#6001</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Support eager boxing sm 2 sn <a href="https://github.com/Oneflow-Inc/oneflow/pull/5869" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5869/hovercard">#5869</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Move framework/local_dep_object.* to the eager directory <a href="https://github.com/Oneflow-Inc/oneflow/pull/5988" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5988/hovercard">#5988</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Fix builtin op arg tuple. <a href="https://github.com/Oneflow-Inc/oneflow/pull/5464" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5464/hovercard">#5464</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>refactor</strong>] Dev functional multiple signatures <a href="https://github.com/Oneflow-Inc/oneflow/pull/5982" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5982/hovercard">#5982</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Faster decorator <a href="https://github.com/Oneflow-Inc/oneflow/pull/5996" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5996/hovercard">#5996</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Placed nd sbp <a href="https://github.com/Oneflow-Inc/oneflow/pull/5995" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5995/hovercard">#5995</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Support asymmetric input/output/variable tensors in nn.Graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/5983" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5983/hovercard">#5983</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] LightActor <a href="https://github.com/Oneflow-Inc/oneflow/pull/5868" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5868/hovercard">#5868</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Prevent running oneflow in forked subprocess <a href="https://github.com/Oneflow-Inc/oneflow/pull/5976" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5976/hovercard">#5976</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] common/error: fix build error in mac os <a href="https://github.com/Oneflow-Inc/oneflow/pull/5971" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5971/hovercard">#5971</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] fix_bug_test_tensor_str <a href="https://github.com/Oneflow-Inc/oneflow/pull/5958" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5958/hovercard">#5958</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refine StreamContext <a href="https://github.com/Oneflow-Inc/oneflow/pull/6191" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6191/hovercard">#6191</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] container_util: fix VectorAt, remove useless MutMapAt <a href="https://github.com/Oneflow-Inc/oneflow/pull/6172" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6172/hovercard">#6172</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Typesafe KernelState <a href="https://github.com/Oneflow-Inc/oneflow/pull/6198" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6198/hovercard">#6198</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Primitive based copy task node <a href="https://github.com/Oneflow-Inc/oneflow/pull/6195" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6195/hovercard">#6195</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] Lazy support Scalar <a href="https://github.com/Oneflow-Inc/oneflow/pull/6181" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6181/hovercard">#6181</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Disable implicit boxing when parallel num eq one <a href="https://github.com/Oneflow-Inc/oneflow/pull/6188" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6188/hovercard">#6188</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Primitive <a href="https://github.com/Oneflow-Inc/oneflow/pull/6183" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6183/hovercard">#6183</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Remove IDMgr::GetGpuPhyIdFromThrdId/IDMgr::GetDeviceTypeFromThrdId <a href="https://github.com/Oneflow-Inc/oneflow/pull/6169" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6169/hovercard">#6169</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] remove op_expr_helper inside gradient_funcs <a href="https://github.com/Oneflow-Inc/oneflow/pull/6057" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6057/hovercard">#6057</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>api</strong>] Add tensor yaml, support export tensor functional api. <a href="https://github.com/Oneflow-Inc/oneflow/pull/6099" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6099/hovercard">#6099</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Plan memory log <a href="https://github.com/Oneflow-Inc/oneflow/pull/6151" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6151/hovercard">#6151</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Add dtype bfloat16 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5304" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5304/hovercard">#5304</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] StreamContext <a href="https://github.com/Oneflow-Inc/oneflow/pull/6129" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6129/hovercard">#6129</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix wrong inplace acc grad <a href="https://github.com/Oneflow-Inc/oneflow/pull/6146" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6146/hovercard">#6146</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] UserKernel remove job_desc <a href="https://github.com/Oneflow-Inc/oneflow/pull/6144" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6144/hovercard">#6144</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Fea/graph/add outputs buffer to enable pipeline <a href="https://github.com/Oneflow-Inc/oneflow/pull/6126" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6126/hovercard">#6126</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] not fuse request for nccl 2.10.3 <a href="https://github.com/Oneflow-Inc/oneflow/pull/6136" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6136/hovercard">#6136</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] NewUniqueId thread safe <a href="https://github.com/Oneflow-Inc/oneflow/pull/6141" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6141/hovercard">#6141</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] XRT remove job_desc <a href="https://github.com/Oneflow-Inc/oneflow/pull/6139" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6139/hovercard">#6139</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] SystemOpFillJobNamePass <a href="https://github.com/Oneflow-Inc/oneflow/pull/6138" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6138/hovercard">#6138</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] mv_boxing_folder_to_core <a href="https://github.com/Oneflow-Inc/oneflow/pull/6140" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6140/hovercard">#6140</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Refactor boxing interpreter to boxing expr <a href="https://github.com/Oneflow-Inc/oneflow/pull/6134" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6134/hovercard">#6134</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Eager boxing one to one <a href="https://github.com/Oneflow-Inc/oneflow/pull/6048" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6048/hovercard">#6048</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Vm cpu efficiency <a href="https://github.com/Oneflow-Inc/oneflow/pull/6110" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6110/hovercard">#6110</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Naive generic boxing <a href="https://github.com/Oneflow-Inc/oneflow/pull/6116" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6116/hovercard">#6116</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] send/recv <a href="https://github.com/Oneflow-Inc/oneflow/pull/5992" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5992/hovercard">#5992</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] disable_print_stack_in_tensor_numpy <a href="https://github.com/Oneflow-Inc/oneflow/pull/6123" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6123/hovercard">#6123</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] add all_reduce by to_consistent <a href="https://github.com/Oneflow-Inc/oneflow/pull/5963" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5963/hovercard">#5963</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] KernelContext <a href="https://github.com/Oneflow-Inc/oneflow/pull/6084" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6084/hovercard">#6084</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>system</strong>] Fix sync nccl and async nccl deadlock <a href="https://github.com/Oneflow-Inc/oneflow/pull/6071" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6071/hovercard">#6071</a></li> <li>[<strong>bug</strong>][<strong>system</strong>][<strong>refactor</strong>] Refactor to local <a href="https://github.com/Oneflow-Inc/oneflow/pull/6098" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6098/hovercard">#6098</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Replace xor with hash combine (part 1) <a href="https://github.com/Oneflow-Inc/oneflow/pull/6078" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6078/hovercard">#6078</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Optimize error message <a href="https://github.com/Oneflow-Inc/oneflow/pull/6073" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6073/hovercard">#6073</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Rename Error::xx to Error::xxError <a href="https://github.com/Oneflow-Inc/oneflow/pull/6049" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6049/hovercard">#6049</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] send formatted msg to glog <a href="https://github.com/Oneflow-Inc/oneflow/pull/5999" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5999/hovercard">#5999</a></li> <li>[<strong>feature</strong>][<strong>bottleneck</strong>][<strong>bug</strong>][<strong>system</strong>][<strong>interface</strong>] [Feat.] NNGraph new eager tensor for new variable created in JobPass <a href="https://github.com/Oneflow-Inc/oneflow/pull/6091" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6091/hovercard">#6091</a></li> <li>[<strong>bug</strong>][<strong>system</strong>] Fix bug of multi-GPU eager copy D2H extra mem cost in rank 0 <a href="https://github.com/Oneflow-Inc/oneflow/pull/6092" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6092/hovercard">#6092</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Rename module flow.F to flow._C <a href="https://github.com/Oneflow-Inc/oneflow/pull/6053" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6053/hovercard">#6053</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] [Feat.] Eager consistent OFRecordReader <a href="https://github.com/Oneflow-Inc/oneflow/pull/6089" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6089/hovercard">#6089</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>api</strong>] Dev fix and align interface <a href="https://github.com/Oneflow-Inc/oneflow/pull/6075" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6075/hovercard">#6075</a></li> <li>[<strong>feature</strong>][<strong>bottleneck</strong>][<strong>bug</strong>][<strong>system</strong>][<strong>interface</strong>] NNGraph input/output valid by register tensors <a href="https://github.com/Oneflow-Inc/oneflow/pull/6240" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6240/hovercard">#6240</a></li> <li>[<strong>bug</strong>][<strong>system</strong>][<strong>interface</strong>] Fix bug of Multi-Client src tick output order <a href="https://github.com/Oneflow-Inc/oneflow/pull/6221" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6221/hovercard">#6221</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>system</strong>] Add cast primitive <a href="https://github.com/Oneflow-Inc/oneflow/pull/6234" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6234/hovercard">#6234</a></li> <li>[<strong>feature</strong>][<strong>bottleneck</strong>][<strong>system</strong>][<strong>interface</strong>] Auto FixPipelineStageIdPass <a href="https://github.com/Oneflow-Inc/oneflow/pull/6204" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6204/hovercard">#6204</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] move scalar to oneflow namespace. <a href="https://github.com/Oneflow-Inc/oneflow/pull/6235" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6235/hovercard">#6235</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] UserKernel init CUDA Graphs with state <a href="https://github.com/Oneflow-Inc/oneflow/pull/6230" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6230/hovercard">#6230</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] Comm broadcast <a href="https://github.com/Oneflow-Inc/oneflow/pull/6213" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6213/hovercard">#6213</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>refactor</strong>] Rename op<em>name</em> to op<em>type_name</em> in AutogradEngine <a href="https://github.com/Oneflow-Inc/oneflow/pull/6154" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6154/hovercard">#6154</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add memset primitive <a href="https://github.com/Oneflow-Inc/oneflow/pull/6218" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6218/hovercard">#6218</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Add StreamContext::device_type()/DeviceCtx::device_type() <a href="https://github.com/Oneflow-Inc/oneflow/pull/6217" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6217/hovercard">#6217</a></li> <li>[<strong>feature</strong>][<strong>system</strong>] add all_gather and fix bug of multi rank doctest <a href="https://github.com/Oneflow-Inc/oneflow/pull/6189" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6189/hovercard">#6189</a></li> <li>[<strong>feature</strong>][<strong>system</strong>][<strong>interface</strong>] [Feat.] Lazy interpreter skip hierarchical_parallel_cast <a href="https://github.com/Oneflow-Inc/oneflow/pull/6208" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6208/hovercard">#6208</a></li> <li>[<strong>purge</strong>][<strong>system</strong>] Cleanup KernelUtil <a href="https://github.com/Oneflow-Inc/oneflow/pull/6212" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6212/hovercard">#6212</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] StreamContextAdapter <a href="https://github.com/Oneflow-Inc/oneflow/pull/6205" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6205/hovercard">#6205</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Dev eliminate gcc warnings <a href="https://github.com/Oneflow-Inc/oneflow/pull/6199" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6199/hovercard">#6199</a></li> <li>[<strong>feature</strong>][<strong>bottleneck</strong>][<strong>system</strong>][<strong>interface</strong>] [Feat.] nn.Graph support grad acc with input/output tensor <a href="https://github.com/Oneflow-Inc/oneflow/pull/6155" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6155/hovercard">#6155</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Cpu symetric s to s <a href="https://github.com/Oneflow-Inc/oneflow/pull/6153" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6153/hovercard">#6153</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>][<strong>upload-core</strong>] Op expr infer tensor meta <a href="https://github.com/Oneflow-Inc/oneflow/pull/5064" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5064/hovercard">#5064</a></li> <li>[<strong>enhancement</strong>][<strong>system</strong>] Infer consistent tensor meta <a href="https://github.com/Oneflow-Inc/oneflow/pull/5362" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5362/hovercard">#5362</a></li> </ul> <h4>CI enhancements:</h4> <ul> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>api</strong>][<strong>interface</strong>] Refine module test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5232" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5232/hovercard">#5232</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Add Simple CI, runs CPU-only on GitHub hosted servers <a href="https://github.com/Oneflow-Inc/oneflow/pull/5207" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5207/hovercard">#5207</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Run exe test in CPU-only <a href="https://github.com/Oneflow-Inc/oneflow/pull/5202" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5202/hovercard">#5202</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Cancel all workflow runs but the latest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5206" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5206/hovercard">#5206</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Fix master not running Simple CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5368" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5368/hovercard">#5368</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Refine Simple CI and Clang analysis <a href="https://github.com/Oneflow-Inc/oneflow/pull/5367" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5367/hovercard">#5367</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>documentation</strong>][<strong>interface</strong>] Fix upsample bilinear bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5363" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5363/hovercard">#5363</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Build nightly for py39 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5318" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5318/hovercard">#5318</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Try distributed run for 3 times to prevent failure <a href="https://github.com/Oneflow-Inc/oneflow/pull/5305" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5305/hovercard">#5305</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Upload Simple CI logs to cloud <a href="https://github.com/Oneflow-Inc/oneflow/pull/5268" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5268/hovercard">#5268</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Remove cpu_op_eager and cuda_op_eager <a href="https://github.com/Oneflow-Inc/oneflow/pull/5470" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5470/hovercard">#5470</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] fix segfault in clang plugin <a href="https://github.com/Oneflow-Inc/oneflow/pull/5437" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5437/hovercard">#5437</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Refine Simple CI error output <a href="https://github.com/Oneflow-Inc/oneflow/pull/5435" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5435/hovercard">#5435</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Add conda env to Simple CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5385" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5385/hovercard">#5385</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Fix clang plugin core file not found <a href="https://github.com/Oneflow-Inc/oneflow/pull/5390" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5390/hovercard">#5390</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] upload core when build with clang plugin <a href="https://github.com/Oneflow-Inc/oneflow/pull/5384" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5384/hovercard">#5384</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] clang plugin skip more files <a href="https://github.com/Oneflow-Inc/oneflow/pull/5373" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5373/hovercard">#5373</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Use gh-action-scheduler-v2 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5370" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5370/hovercard">#5370</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] relax speed threshold <a href="https://github.com/Oneflow-Inc/oneflow/pull/5569" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5569/hovercard">#5569</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] Fix wrong test path under compatible <a href="https://github.com/Oneflow-Inc/oneflow/pull/5567" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5567/hovercard">#5567</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] Prevent upload logs automatically <a href="https://github.com/Oneflow-Inc/oneflow/pull/5560" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5560/hovercard">#5560</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>interface</strong>] Add <code>nn.AdaptiveAvgPool1d</code> and <code>nn.AdaptiveAvgPool3d</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/5445" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5445/hovercard">#5445</a></li> <li>[<strong>feature</strong>][<strong>ci</strong>] add speed test in ci <a href="https://github.com/Oneflow-Inc/oneflow/pull/5496" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5496/hovercard">#5496</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Reduce usage of Simple CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5546" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5546/hovercard">#5546</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>api</strong>] Restruct upsample module <a href="https://github.com/Oneflow-Inc/oneflow/pull/5524" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5524/hovercard">#5524</a></li> <li>[<strong>feature</strong>][<strong>ci</strong>] multi client launcher test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5488" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5488/hovercard">#5488</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Remove automerge if cuda_new_interface failed <a href="https://github.com/Oneflow-Inc/oneflow/pull/5519" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5519/hovercard">#5519</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Prevent adding subdir in python/test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5514" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5514/hovercard">#5514</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] piprepo-&gt;pipindex <a href="https://github.com/Oneflow-Inc/oneflow/pull/5517" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5517/hovercard">#5517</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] add dynamic_loss_scale in ci tests <a href="https://github.com/Oneflow-Inc/oneflow/pull/5337" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5337/hovercard">#5337</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Add timeout for wait_gpu_slot <a href="https://github.com/Oneflow-Inc/oneflow/pull/5497" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5497/hovercard">#5497</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>ci</strong>] new static check based on clang-tidy <a href="https://github.com/Oneflow-Inc/oneflow/pull/5476" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5476/hovercard">#5476</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Fix url not downloadable in some browers <a href="https://github.com/Oneflow-Inc/oneflow/pull/5701" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5701/hovercard">#5701</a></li> <li>[<strong>feature</strong>][<strong>ci</strong>] multi client multi machine test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5685" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5685/hovercard">#5685</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Add cpu new interface CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5639" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5639/hovercard">#5639</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] Mv clangtidy to simple ci <a href="https://github.com/Oneflow-Inc/oneflow/pull/5667" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5667/hovercard">#5667</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] use clang tidy appimage in ci <a href="https://github.com/Oneflow-Inc/oneflow/pull/5841" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5841/hovercard">#5841</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Use gcc 7 in release to prevent error <a href="https://github.com/Oneflow-Inc/oneflow/pull/5840" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5840/hovercard">#5840</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] bn tol 1e-4 =&gt; 1e-3 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5811" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5811/hovercard">#5811</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] fix distributed run on built dir <a href="https://github.com/Oneflow-Inc/oneflow/pull/5810" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5810/hovercard">#5810</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] fix third party mirror check_sum <a href="https://github.com/Oneflow-Inc/oneflow/pull/5802" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5802/hovercard">#5802</a></li> <li>[<strong>ci</strong>][<strong>documentation</strong>] find more accurately which files need to be doctested <a href="https://github.com/Oneflow-Inc/oneflow/pull/5782" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5782/hovercard">#5782</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Print stack unconditionally <a href="https://github.com/Oneflow-Inc/oneflow/pull/5779" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5779/hovercard">#5779</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] Enable more checkers for clang-tidy in CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5738" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5738/hovercard">#5738</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] CI: add clang-tidy check to test.yaml <a href="https://github.com/Oneflow-Inc/oneflow/pull/5920" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5920/hovercard">#5920</a></li> <li>[<strong>ci</strong>][<strong>documentation</strong>] fix docstring in oneflow.nn.functional namespace <a href="https://github.com/Oneflow-Inc/oneflow/pull/5807" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5807/hovercard">#5807</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] disable TREAT_WARNINGS_AS_ERRORS in Release CI <a href="https://github.com/Oneflow-Inc/oneflow/pull/5886" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5886/hovercard">#5886</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] Skip ci jobs by git diff <a href="https://github.com/Oneflow-Inc/oneflow/pull/5863" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5863/hovercard">#5863</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] quick fix <a class="issue-link js-issue-link" data-error-text="Failed to load title" data-id="975486052" data-permission-text="Title is private" data-url="https://github.com/Oneflow-Inc/oneflow/issues/5978" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5978/hovercard" href="https://github.com/Oneflow-Inc/oneflow/pull/5978">#5978</a> <a href="https://github.com/Oneflow-Inc/oneflow/pull/6030" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6030/hovercard">#6030</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>] fix clang tidy diff options and file format <a href="https://github.com/Oneflow-Inc/oneflow/pull/5990" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5990/hovercard">#5990</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] add flow.relu <a href="https://github.com/Oneflow-Inc/oneflow/pull/5847" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5847/hovercard">#5847</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] equal =&gt; allclose <a href="https://github.com/Oneflow-Inc/oneflow/pull/6164" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6164/hovercard">#6164</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] CI: fix clang tidy checks in simple ci <a href="https://github.com/Oneflow-Inc/oneflow/pull/6161" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6161/hovercard">#6161</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>documentation</strong>][<strong>api</strong>] add interpolate and layer_norm docs <a href="https://github.com/Oneflow-Inc/oneflow/pull/6157" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6157/hovercard">#6157</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] update speed test <a href="https://github.com/Oneflow-Inc/oneflow/pull/6113" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6113/hovercard">#6113</a></li> <li>[<strong>enhancement</strong>][<strong>bug</strong>][<strong>ci</strong>][<strong>documentation</strong>][<strong>api</strong>] speed import oneflow <a href="https://github.com/Oneflow-Inc/oneflow/pull/6107" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6107/hovercard">#6107</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>] Also try install dev deps for CODEGEN_PYTHON_EXECUTABLE <a href="https://github.com/Oneflow-Inc/oneflow/pull/6115" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6115/hovercard">#6115</a></li> <li>[<strong>bug</strong>][<strong>ci</strong>][<strong>need-simple-ci</strong>] set gtest_CMAKE_DEBUG_POSTFIX "d" <a href="https://github.com/Oneflow-Inc/oneflow/pull/6085" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6085/hovercard">#6085</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] add cache init file for clang and CI build with clang <a href="https://github.com/Oneflow-Inc/oneflow/pull/6062" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6062/hovercard">#6062</a></li> <li>[<strong>enhancement</strong>][<strong>ci</strong>] add emoji in speed test output, make it continue-on-error <a href="https://github.com/Oneflow-Inc/oneflow/pull/6214" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6214/hovercard">#6214</a></li> </ul> <h4>Test enhancements:</h4> <ul> <li>[<strong>bug</strong>][<strong>test</strong>][<strong>interface</strong>] Fix acos ci bug <a href="https://github.com/Oneflow-Inc/oneflow/pull/5217" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5217/hovercard">#5217</a></li> <li>[<strong>feature</strong>][<strong>test</strong>] implement automated test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5321" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5321/hovercard">#5321</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>] move generator test into ops folder to accelerate tests <a href="https://github.com/Oneflow-Inc/oneflow/pull/5472" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5472/hovercard">#5472</a></li> <li>[<strong>feature</strong>][<strong>test</strong>][<strong>api</strong>] Add autotest part2 <a href="https://github.com/Oneflow-Inc/oneflow/pull/5467" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5467/hovercard">#5467</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>api</strong>][<strong>interface</strong>] Add some tests with the new framework for auto testing <a href="https://github.com/Oneflow-Inc/oneflow/pull/5561" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5561/hovercard">#5561</a></li> <li>[<strong>bug</strong>][<strong>test</strong>] fix test error when do multi case test on graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/5590" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5590/hovercard">#5590</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>] Refine module test using auto test by yaochi <a href="https://github.com/Oneflow-Inc/oneflow/pull/5484" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5484/hovercard">#5484</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>] Add autotest for BatchNorm2d <a href="https://github.com/Oneflow-Inc/oneflow/pull/5734" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5734/hovercard">#5734</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>] RTH_update_op_test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5823" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5823/hovercard">#5823</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>] dev adamw graph config <a href="https://github.com/Oneflow-Inc/oneflow/pull/5745" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5745/hovercard">#5745</a></li> <li>[<strong>feature</strong>][<strong>test</strong>][<strong>api</strong>][<strong>interface</strong>] Add new autotest <a href="https://github.com/Oneflow-Inc/oneflow/pull/5562" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5562/hovercard">#5562</a></li> <li>[<strong>bug</strong>][<strong>test</strong>] restore test of alexnet graph <a href="https://github.com/Oneflow-Inc/oneflow/pull/5798" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5798/hovercard">#5798</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>interface</strong>] add zhangshen op-test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5600" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5600/hovercard">#5600</a></li> <li>[<strong>feature</strong>][<strong>bug</strong>][<strong>tooling</strong>][<strong>test</strong>][<strong>interface</strong>] Record autotest wrong code <a href="https://github.com/Oneflow-Inc/oneflow/pull/5923" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5923/hovercard">#5923</a></li> <li>[<strong>enhancement</strong>][<strong>feature</strong>][<strong>test</strong>][<strong>api</strong>] add randint <a href="https://github.com/Oneflow-Inc/oneflow/pull/5718" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5718/hovercard">#5718</a></li> <li>[<strong>bug</strong>][<strong>test</strong>] fix multi machine test <a href="https://github.com/Oneflow-Inc/oneflow/pull/5984" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5984/hovercard">#5984</a></li> <li>[<strong>enhancement</strong>][<strong>test</strong>][<strong>interface</strong>] some op test <a href="https://github.com/Oneflow-Inc/oneflow/pull/6095" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6095/hovercard">#6095</a></li> </ul> <h4>Tooling enhancements:</h4> <ul> <li>[<strong>bug</strong>][<strong>tooling</strong>] user/summary: fix memory leak in <code>FillImageInSummary</code> <a href="https://github.com/Oneflow-Inc/oneflow/pull/5742" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5742/hovercard">#5742</a></li> <li>[<strong>enhancement</strong>][<strong>tooling</strong>][<strong>cfg</strong>] cfg: add move assignment operator for performance <a href="https://github.com/Oneflow-Inc/oneflow/pull/5962" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/5962/hovercard">#5962</a></li> <li>[<strong>enhancement</strong>][<strong>tooling</strong>][<strong>api</strong>][<strong>refactor</strong>] refactor_all_device_placement_api <a href="https://github.com/Oneflow-Inc/oneflow/pull/6080" data-hovercard-type="pull_request" data-hovercard-url="/Oneflow-Inc/oneflow/pull/6080/hovercard">#6080</a></li> </ul> jackalcooper