Releases: PaddlePaddle/X2Paddle
Releases · PaddlePaddle/X2Paddle
X2Paddle v1.5.0
What's Changed
- [Bug]Fixed onnx op_mapper for PNC model. by @wjj19950828 in #962
- [Bug]Fixed some typo. by @co63oc in #976 #977 #978
- [Bug]Fixed pytorch aten::squeeze for CHAN-DST model. by @wjj19950828 in #815
- Add onnx cast op in the LN pattern. by @wjj19950828 in #822
- Add pytorch aten::_convolution_mode. by @wjj19950828 @luotao1 in #1041
- Add pytorch aten::amax and aten::topk by @Ken-reddevil in #1019
- update CI Checks by @luotao (Release 1.5.0)
New Contributors
X2Paddle v1.4.1
What's Changed
- [Bug]Fixed ONNXDecoder by @wjj19950828 in #939
- Add ONNX2Paddle for visualdl by @rainyfly in #954
- [Bug]Support YOLOv8-cls by @wjj19950828 in #952
New Contributors
X2Paddle v1.4.0
What's Changed
- Add input_shape_dict and rm raw_input by @wjj19950828 in #899
- Fixed ToPILImage && rm SymbolicShapeInference by @wjj19950828 in #903
- Support GFPGAN by @wjj19950828 in #906
- Add FastDeploy YOLOv5/v6/v7 demo in readme by @wjj19950828 in #911
- Updated torch.nn.utils.clip_grad_value_.md by @PommesPeter in #918
- [Bug] Fixed ONNX Gemm bug by @wjj19950828 in #917
- [Bug] Fixed typo error by @wjj19950828 in #920
- Support fmod=1 in Mod OP by @wjj19950828 in #921
- Fixed NonZero bug by @wjj19950828 in #922
- add optim by @AndPuQing in #927
- Support YOLOv8 for dynamic shape by @wjj19950828 in #931
New Contributors
- @PommesPeter made their first contribution in #918
- @AndPuQing made their first contribution in #927
X2Paddle v1.3.9
What's Changed
- Support 7-15 ONNX opset version by @wjj19950828 in #838
- Modify opset7~15 inheritance relationship by @wjj19950828 in #843
- Add autoscan test by @wjj19950828 in #836
- Add autoscan test for Elementwise ops by @wjj19950828 in #854
- Add_test_abs by @qqj1130247885 in #859
- Add logical and compare ops by @wjj19950828 in #855
- Fixed torch pad by @wjj19950828 in #863
- Solve the overload problem by @wjj19950828 in #865
- Add AveragePool tests by @wjj19950828 in #872
- Add Reduce_ops and HardSigmoid by @qqj1130247885 in #867
- Add isinf by @qqj1130247885 in #868
- Add IsNaN by @qqj1130247885 in #869
- Add Sum by @qqj1130247885 in #873
- Fixed Readme by @wjj19950828 in #879
- Fixed reduce tests bug by @wjj19950828 in #880
- Set enable_code_optim default to False by @wjj19950828 in #889
X2Paddle v1.3.8
What's Changed
- Add HuggingFace Model Conversion Tutorial by @wjj19950828 in #823
- Add aten::upsample_trilinear3d by @wjj19950828 in #817
- Fixed misspell by @wjj19950828 in #821
- Add sysmpy in requirment by @wjj19950828 in #824
- Fixed Misspell by @wjj19950828 in #829
- Fixed rename bug by @wjj19950828 in #820
- Fix ONNX resize op by @qqj1130247885 in #830
- Fix bug in docs directory about code combination of save_image by @ZoruaSama in #833
- Remove scale for add by @wjj19950828 in #835
New Contributors
- @qqj1130247885 made their first contribution in #830
- @ZoruaSama made their first contribution in #833
Full Changelog: v1.3.7...v1.3.8
X2Paddle v1.3.7
新增功能
- 全面支持 HuggingFace 模型,包括Bert、Albert等热点模型以及对应不同任务类型,共55种 TorchScript 以及40种 ONNX 模型
- 针对 Bert结构 ONNX模型,新增 Gelu pass,预测速度提升20%以上 #809
- 针对 Bert结构 ONNX模型,新增 div2scale pass,使其命中PaddleInference multihead_matmul_fuse_pass,性能提升30%以上 #813
新增模型支持
PyTorch->Paddle
- MobileNetv3
- HuggingFace T5
- HuggingFace Marian
- HuggingFace Bart
- HuggingFace wav2vec2
- HuggingFace BigBird
ONNX->Paddle
新增op
- 新增PyTorch op(7个):
aten::rsqrt
、aten::replication_pad1d
、aten::full
、aten::group_norm
、aten::argmax
、aten::copy
、aten::linear
#783 #781 #786 #791 #789 #769 - 新增ONNX op(2个):
CumSum
、LessOrEqual
#793 #794
修复op
- 修复PyTorch op(2个):
aten::masked_fill
、aten::index
#786 #787 - 修复ONNX op(12个):
ConvTranspose
、Unsqueeze
、MatMul
、Gather
、Slice
、Squeeze
、Flatten
、Constant
、ConstantOfShape
、Where
、Topk
、NonZero
#792 #794 #796 #797 #805 #808
修复功能
其他
X2Paddle v1.3.6
新增功能
新增模型支持
PyTorch->Paddle
- 图像修复算法:Saicinpainting_LaMa
ONNX->Paddle
- SOTA backbone:SwinTransformer
- 关键点检测算法:Blazepose
Caffe->Paddle
- 视频分割算法:SegFlow
TensorFlow->Paddle
- 图像生成算法:Pix2Pix
新增op
- 新增PyTorch op(5个):
aten::complex
、aten::real
、aten::imag
、aten::fft_rfftn
、aten::fft_irfftn
#729 - 新增ONNX op(5个):
Sin
、Cos
、Neg
、SpaceToDepth
、GatherElement
#723 - 新增PyTorch-Paddle api(2个):
gather
、scatter
#726 #730
修复op
- 修复PyTorch op(1个):
aten::_convolution
#725 - 修复ONNX op(7个):
pad
、resize
、Upsample
、Gather
、Slice
、convtranspose
、Split
#716 #720 #722 #723 #749 #751 - 修复Caffe op(3个):
scale
、crop
、Pow
#721 #757 - 修复TensorFlow(3个):
FusedBatchNorm
、SpaceToBatchND
、BatchToSpaceND
#738 #741
修复功能
- 优化转换过程中的 log 提示 #764
- 更新外部框架一键转换为 Paddle Lite 模型文档,新增
lite_valid_places
选择类型 #758 - PyTorch2Paddle 动态shape转换指引 #732
Contributors
X2Paddle v1.3.5
新增功能
- 添加enable_code_optim开关,解决部分场景下代码优化可能导致转换出错的问题 #696
新增模型支持
PyTorch->Paddle
- 首次支持声音克隆模型:MockingBird
- 轻量级检测算法:YOLOX
新增op
- 新增PyTorch op(5个):aten::repeat_interleave、aten::maxpool1d、aten::frobenius_norm、aten::silu、aten::format #691 #696
- 新增ONNX op(1个):GatherND #645
修复op
- 修复PyTorch op(5个):aten::div、aten::index_select、aten::select、aten::upsample_nearest2d、aten::_convolution #691 #689
- 修复ONNX op(3个):Split、Conv、Pad #645 #707 #687
- 修复PyTorch训练代码转换(2个):ToPILImage、Split #690 #694
修复功能
Contributors
- Thanks to external developers for their contributions to open source projects!@littletomatodonkey @zhoucz97 @firedent @dawn1206
X2Paddle v1.3.4
修复功能
- 修复X2Paddle调用ResNet以及Vgg预训练模型bug(#684)