- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在尝试在我的 C++ 应用程序中使用 python 3(带有 numpy)。这需要将 C++ 数组发送到 Python,执行计算,然后在 C++ 中检索结果。为此,我基于此处讨论的代码: https://codereview.stackexchange.com/questions/92266/sending-a-c-array-to-python-numpy-and-back/92353#92353还有这里: Sending a C++ array to Python and back (Extending C++ with Numpy) .
虽然代码审查帖子中的示例基本上可以工作,但是当我修改 python 和 C++ 脚本时,我遇到了返回值的问题:当我试图返回一个在 python 中创建的变量时,结果是一个 nan vector 而不是预期的计算。我的猜测是该对象不知何故超出了范围,但我无法解决这个问题。
我在名为 mymodule.py 的文件中使用以下 python 脚本:
import numpy
def array_tutorial(a):
print("array_tutorial - python")
print(a)
print("")
firstRow = a[0,:]
#beta = numpy.array([[10,20,30],[10,20,30],[10,20,30]])
#firstRow = beta[0,:]
return firstRow
def myfunction():
beta = numpy.array([[1,2,3],[1,2,3],[1,2,3]])
print("myfunction - python")
print(beta)
print("")
firstRow = beta[0,:]
return firstRow
我的 C++ 代码在文件 numpy_cpp.cpp 中,它是代码审查帖子的已接受答案的略微更改和简化版本。
#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION
#include <stdio.h>
#include <iostream>
#include <stdlib.h>
#include <Python.h>
#include "numpy/arrayobject.h"
int main(int argc, char* argv[])
{
setenv("PYTHONPATH", ".", 0);
Py_Initialize();
import_array();
// Build the 2D array in C++
const int SIZE = 3;
npy_intp dims[2]{SIZE, SIZE};
const int ND = 2;
long double(*c_arr)[SIZE]{ new long double[SIZE][SIZE] };
for (int i = 0; i < SIZE; i++){
for (int j = 0; j < SIZE; j++){
c_arr[i][j] = i + j;}
}
// Convert it to a NumPy array.
PyObject *pArray = PyArray_SimpleNewFromData(ND, dims, NPY_LONGDOUBLE, reinterpret_cast<void*>(c_arr));
// import mymodule
const char *module_name = "mymodule";
PyObject *pName = PyUnicode_FromString(module_name);
PyObject *pModule = PyImport_Import(pName);
Py_DECREF(pName);
// import function
const char *func_name = "array_tutorial";
PyObject *pFunc = PyObject_GetAttrString(pModule, func_name);
PyObject *pReturn = PyObject_CallFunctionObjArgs(pFunc, pArray, NULL);
PyArrayObject *np_ret = reinterpret_cast<PyArrayObject*>(pReturn);
// Convert back to C++ array and print.
int len = PyArray_SHAPE(np_ret)[0];
long double* c_out;
c_out = reinterpret_cast<long double*>(PyArray_DATA(np_ret));
std::cout << "Printing output array - C++" << std::endl;
for (int i = 0; i < len; i++){
std::cout << c_out[i] << ' ';
}
std::cout << std::endl << std::endl;
// import function without arguments
const char *func_name2 = "myfunction";
PyObject *pFunc2 = PyObject_GetAttrString(pModule, func_name2);
PyObject *pReturn2 = PyObject_CallFunctionObjArgs(pFunc2, NULL);
PyArrayObject *np_ret2 = reinterpret_cast<PyArrayObject*>(pReturn2);
// convert back to C++ array and print
int len2 = PyArray_SHAPE(np_ret2)[0];
long double* c_out2;
c_out2 = reinterpret_cast<long double*>(PyArray_DATA(np_ret2));
std::cout << "Printing output array 2 - C++" << std::endl;
for (int i = 0; i < len2; i++){
std::cout << c_out2[i] << ' ';
}
std::cout << std::endl << std::endl;
Py_Finalize();
return 0;
}
与我必须添加的已接受答案相比
setenv("PYTHONPATH", ".", 0);
为确保找到 python 脚本,我为没有输入参数的函数“myfunction”添加了第二个函数调用,并删除了一些错误处理。
我在 Ubuntu 16.10 上并使用
g++ -Wall numpy_cpp.cpp -I/usr/include/python3.5m/ -lpython3.5m
编译和链接(除 import_array() 发出的一个警告外,一切正常)。我的目标是 python 3。
运行该程序会得到以下控制台输出:
array_tutorial - python
[[ 0.0 1.0 2.0]
[ 1.0 2.0 3.0]
[ 2.0 3.0 4.0]]
Printing output array - C++
0 1 2
myfunction - python
[[1 2 3]
[1 2 3]
[1 2 3]]
Printing output array 2 - C++
nan nan nan
给我带来麻烦的是最后一个输出,其中 python 返回在 python 脚本中设置的 numpy 数组的第一行。从 python print 语句来看,numpy 数组似乎很好(不是 nan),但一旦它被引用到 C++,事情就会发生变化。
如果我在 array_tutorial 函数中取消注释 return 语句上方的两行,我会得到与第一个函数调用相同(令人失望)的结果。
因此,我的问题是如何在 C++ 中获取正确的值而不会使对象(可能)超出范围?
对于冗长的帖子,我深表歉意,在此先感谢您的帮助!
编辑: 正如下面 lomereiter 所指出的,设置 python 中的 numpy 数组时应牢记数据类型。这解决了问题。输出接收数组的数据类型并指定声明数组的数据类型的更好的 python 脚本是:
import numpy
def array_tutorial(a):
print("array_tutorial - python")
print(a)
print(numpy.dtype(a[0,0]))
print("")
firstRow = a[0,:]
#beta = numpy.array([[10,20,30],[10,20,30],[10,20,30]],dtype=numpy.float128)
#firstRow = beta[0,:]
return firstRow
def myfunction():
beta = numpy.array([[1,2,3],[1,2,3],[1,2,3]],dtype=numpy.float128)
print("myfunction - python")
print(beta)
print("")
firstRow = beta[0,:]
return firstRow
最佳答案
在 Python 代码中创建数组时应指定 dtype。您在 C++ 代码中转换为 long double,而 dtype 被推断为 int64(在 64 位平台上)
关于python - 在 C++ 中嵌入 python/numpy,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/46493307/
作为脚本的输出,我有 numpy masked array和标准numpy array .如何在运行脚本时轻松检查数组是否为掩码(具有 data 、 mask 属性)? 最佳答案 您可以通过 isin
我的问题 假设我有 a = np.array([ np.array([1,2]), np.array([3,4]), np.array([5,6]), np.array([7,8]), np.arra
numpy 是否有用于矩阵模幂运算的内置实现? (正如 user2357112 所指出的,我实际上是在寻找元素明智的模块化减少) 对常规数字进行模幂运算的一种方法是使用平方求幂 (https://en
我已经在 Numpy 中实现了这个梯度下降: def gradientDescent(X, y, theta, alpha, iterations): m = len(y) for i
我有一个使用 Numpy 在 CentOS7 上运行的项目。 问题是安装此依赖项需要花费大量时间。 因此,我尝试 yum install pip install 之前的 numpy 库它。 所以我跑:
处理我想要旋转的数据。请注意,我仅限于 numpy,无法使用 pandas。原始数据如下所示: data = [ [ 1, a, [, ] ], [ 1, b, [, ] ], [ 2,
numpy.random.seed(7) 在不同的机器学习和数据分析教程中,我看到这个种子集有不同的数字。选择特定的种子编号真的有区别吗?或者任何数字都可以吗?选择种子数的目标是相同实验的可重复性。
我需要读取存储在内存映射文件中的巨大 numpy 数组的部分内容,处理数据并对数组的另一部分重复。整个 numpy 数组占用大约 50 GB,我的机器有 8 GB RAM。 我最初使用 numpy.m
处理我想要旋转的数据。请注意,我仅限于 numpy,无法使用 pandas。原始数据如下所示: data = [ [ 1, a, [, ] ], [ 1, b, [, ] ], [ 2,
似乎 numpy.empty() 可以做的任何事情都可以使用 numpy.ndarray() 轻松完成,例如: >>> np.empty(shape=(2, 2), dtype=np.dtype('d
我在大型 numpy 数组中有许多不同的形式,我想使用 numpy 和 scipy 计算它们之间的边到边欧氏距离。 注意:我进行了搜索,这与堆栈中之前的其他问题不同,因为我想获得数组中标记 block
我有一个大小为 (2x3) 的 numpy 对象数组。我们称之为M1。在M1中有6个numpy数组。M1 给定行中的数组形状相同,但与 M1 任何其他行中的数组形状不同。 也就是说, M1 = [ [
如何使用爱因斯坦表示法编写以下点积? import numpy as np LHS = np.ones((5,20,2)) RHS = np.ones((20,2)) np.sum([ np.
假设我有 np.array of a = [0, 1, 1, 0, 0, 1] 和 b = [1, 1, 0, 0, 0, 1] 我想要一个新矩阵 c 使得如果 a[i] = 0 和 b[i] = 0
我有一个形状为 (32,5) 的 numpy 数组 batch。批处理的每个元素都包含一个 numpy 数组 batch_elem = [s,_,_,_,_] 其中 s = [img,val1,val
尝试为基于文本的多标签分类问题训练单层神经网络。 model= Sequential() model.add(Dense(20, input_dim=400, kernel_initializer='
首先是一个简单的例子 import numpy as np a = np.ones((2,2)) b = 2*np.ones((2,2)) c = 3*np.ones((2,2)) d = 4*np.
我正在尝试平均二维 numpy 数组。所以,我使用了 numpy.mean 但结果是空数组。 import numpy as np ws1 = np.array(ws1) ws1_I8 = np.ar
import numpy as np x = np.array([[1,2 ,3], [9,8,7]]) y = np.array([[2,1 ,0], [1,0,2]]) x[y] 预期输出: ar
我有两个数组 A (4000,4000),其中只有对角线填充了数据,而 B (4000,5) 填充了数据。有没有比 numpy.dot(a,b) 函数更快的方法来乘(点)这些数组? 到目前为止,我发现
我是一名优秀的程序员,十分优秀!