简体   繁体   English

UFuncTypeError:ufunc 'clip' 不包含具有签名匹配类型的循环(dtype(' <u32’), dtype(‘<u32’), dtype(‘<u32’)) -> dtype(' <u32’)< div><div id="text_translate"><p> 我使用 Deep Pavlov 框架与 Bert 分类器一起工作,只是因为我需要预测人员的语言是俄语。 基本上,我正在尝试解决多类分类问题。 根据 Deep Pavlov,我们可以轻松地更改配置文件上的一些配置。 我拿了这个配置文件<a href="https://github.com/deepmipt/DeepPavlov/blob/master/deeppavlov/configs/classifiers/rusentiment_convers_bert.json" rel="nofollow noreferrer">https://github.com/deepmipt/DeepPavlov/blob/master/deeppavlov/configs/classifiers/rusentiment_convers_bert.json</a>并训练它,结果我花了大约 13 个小时才完成它我的 model 过拟合。</p><p> 我做了一些改变,尤其是这些:</p><pre> "weight_decay_rate": 0.001, "learning_rate_drop_patience": 1, "learning_rate_drop_div": 2.0, "load_before_drop": True, "min_learning_rate": 1e-03, "attention_probs_keep_prob": 0.5, "hidden_keep_prob": 0.5,</pre><p> 另外,我增加了批量大小,之前是 16:</p><pre> "batch_size": 32</pre><p> 并添加了一些指标:</p><pre> "log_loss", "matthews_correlation",</pre><p> 还将validation_patience更改为1并添加了tensorboard func</p><pre> "validation_patience": 1, "tensorboard_log_dir": "logs/",</pre><p> 就是这样。 这些是我对 model 所做的所有更改,当我尝试训练我的 model 时,它给了我以下错误:</p><pre> UFuncTypeError Traceback (most recent call last) /usr/local/lib/python3.7/dist-packages/numpy/core/fromnumeric.py in _wrapfunc(obj, method, *args, **kwds) 60 try: ---&gt; 61 return bound(*args, **kwds) 62 except TypeError: 15 frames UFuncTypeError: ufunc 'clip' did not contain a loop with signature matching types (dtype('&lt;U32'), dtype('&lt;U32'), dtype('&lt;U32')) -&gt; dtype('&lt;U32') During handling of the above exception, another exception occurred: UFuncTypeError Traceback (most recent call last) &lt;__array_function__ internals&gt; in clip(*args, **kwargs) /usr/local/lib/python3.7/dist-packages/numpy/core/_methods.py in _clip_dep_invoke_with_casting(ufunc, out, casting, *args, **kwargs) 83 # try to deal with broken casting rules 84 try: ---&gt; 85 return ufunc(*args, out=out, **kwargs) 86 except _exceptions._UFuncOutputCastingError as e: 87 # Numpy 1.17.0, 2019-02-24 UFuncTypeError: ufunc 'clip' did not contain a loop with signature matching types (dtype('&lt;U32'), dtype('&lt;U32'), dtype('&lt;U32')) -&gt; dtype('&lt;U32')</pre><p> 起初,我认为它与数据集有关,但是,我没有更改我的数据集,并且在我第一次训练这个 model 时它已经运行。 </p></div></u32’)<></u32’),>

[英]UFuncTypeError: ufunc ‘clip’ did not contain a loop with signature matching types (dtype(‘<U32’), dtype(‘<U32’), dtype(‘<U32’)) -> dtype(‘<U32’)

I am using the Deep Pavlov framework to work with Bert Classifier simply because the language I need to predict staff is Russian.我使用 Deep Pavlov 框架与 Bert 分类器一起工作,只是因为我需要预测人员的语言是俄语。 Basically, I am trying to solve a multi-class classification problem.基本上,我正在尝试解决多类分类问题。 According to the Deep Pavlov, we can easily change some configs on config file.根据 Deep Pavlov,我们可以轻松地更改配置文件上的一些配置。 I took this config file https://github.com/deepmipt/DeepPavlov/blob/master/deeppavlov/configs/classifiers/rusentiment_convers_bert.json and trained it, and it took me around 13 hours to finish and it turned out to be that my model is overfitting.我拿了这个配置文件https://github.com/deepmipt/DeepPavlov/blob/master/deeppavlov/configs/classifiers/rusentiment_convers_bert.json并训练它,结果我花了大约 13 个小时才完成它我的 model 过拟合。

I made some changes, particularly these:我做了一些改变,尤其是这些:

"weight_decay_rate": 0.001,
"learning_rate_drop_patience": 1,
"learning_rate_drop_div": 2.0,
"load_before_drop": True, 
"min_learning_rate": 1e-03,
"attention_probs_keep_prob": 0.5,
"hidden_keep_prob": 0.5,

also, I increased the batch size, it was 16 before now:另外,我增加了批量大小,之前是 16:

"batch_size": 32

and added some metrics:并添加了一些指标:

"log_loss",
"matthews_correlation",

Also changed validation_patience to 1 and added tensorboard func还将validation_patience更改为1并添加了tensorboard func

"validation_patience": 1,
"tensorboard_log_dir": "logs/",

and that is it.就是这样。 these are all the changes I made to my model, and when i tried to train my model, it is giving me following error:这些是我对 model 所做的所有更改,当我尝试训练我的 model 时,它给了我以下错误:

UFuncTypeError                            Traceback (most recent call last)
        /usr/local/lib/python3.7/dist-packages/numpy/core/fromnumeric.py in _wrapfunc(obj, method, *args, **kwds)
             60     try:
        ---> 61         return bound(*args, **kwds)
             62     except TypeError:

15 frames
UFuncTypeError: ufunc 'clip' did not contain a loop with signature matching types (dtype('<U32'), dtype('<U32'), dtype('<U32')) -> dtype('<U32')

During handling of the above exception, another exception occurred:

UFuncTypeError                            Traceback (most recent call last)
<__array_function__ internals> in clip(*args, **kwargs)

/usr/local/lib/python3.7/dist-packages/numpy/core/_methods.py in _clip_dep_invoke_with_casting(ufunc, out, casting, *args, **kwargs)
     83     # try to deal with broken casting rules
     84     try:
---> 85         return ufunc(*args, out=out, **kwargs)
     86     except _exceptions._UFuncOutputCastingError as e:
     87         # Numpy 1.17.0, 2019-02-24

UFuncTypeError: ufunc 'clip' did not contain a loop with signature matching types (dtype('<U32'), dtype('<U32'), dtype('<U32')) -> dtype('<U32')

At first, I thought it has something to do with a dataset, however, I did not change my dataset and it has run the first time I trained this model.起初,我认为它与数据集有关,但是,我没有更改我的数据集,并且在我第一次训练这个 model 时它已经运行。

log_loss in DeepPavlov is just a wrapper over sklearn.metrics.log_loss: https://github.com/deepmipt/DeepPavlov/blob/master/deeppavlov/metrics/log_loss.py#L37 log_loss中的 log_loss 只是 sklearn.metrics.log_loss 的包装: https://github.com/deepmipt/DeepPavlov/blob/master/deeppavlov/metrics/log_loss.py#L37

By default DeepPavlov uses chainer's out as y_pred in metrics computation and chainer's in_y as y_true .默认情况下,DeepPavlov 在度量计算中使用 chainer's out作为y_pred和 chainer's in_y作为y_true

To use log loss you can specify y_true as y or y_ids .要使用日志丢失,您可以将y_true指定为yy_ids And specify y_pred as y_pred_probas in log loss computation.并在对数损失计算y_pred指定为y_pred_probas This change will compute log loss for your case:此更改将为您的案例计算日志损失:

{
  "name": "log_loss",
  "inputs": [
    "y",
    "y_pred_probas"
  ]
}

ufunc 'add' 不包含带有签名匹配类型的循环 (dtype(' <u32'), dtype('<u32')) -> dtype(' <u32')< div><div id="text_translate"><p> 我正在尝试运行此脚本,但它显示生成的错误:</p><pre> UFuncTypeError: ufunc 'add' did not contain a loop with signature matching types (dtype('<U32'), dtype('<U32')) -> dtype('<U32')</pre><p> 这是我试图运行的下面的代码:</p><pre> if __name__ == '__main__': app = Nominatim(user_agent="test_solar") loc_raw = app.geocode('Postintaival 7, 00230 Helsinki, Finland').raw latitude = loc_raw['lat'] longitude = loc_raw['lon'] altitude = get_elevation(latitude, longitude) location_object = Location(latitude, longitude, 'Europe/Helsinki', altitude, 'relex_solutions') weather = pvlib.iotools.get_pvgis_tmy(latitude, longitude, map_variables=True)[0] times = weather.index solpos = location_object.get_solarposition(times) clearsky_values = location_object.get_clearsky(times, model='ineichen', solar_position=solpos, dni_extra=None)</pre> </div></u32')<></u32'),> - ufunc 'add' did not contain a loop with signature matching types (dtype('<U32'), dtype('<U32')) -> dtype('<U32')

UFuncTypeError:ufunc 'matmul' 不包含具有签名匹配类型的循环(dtype(' <u32'), dtype('<u32')) -> dtype(' <u32') - streamlit< div><div id="text_translate"><pre> #Linear Regression Model @st.cache(allow_output_mutation=True) def linearRegression(X_train, X_test, y_train, y_test): model = LinearRegression() model.fit(X_train,y_train) score = model.score(X_test, y_test)*100 return score, model</pre><hr><pre> #User input for the model def user_input(): bedrooms = st.slider("Bedrooms: ", 1,15) bathrooms = st.text_input("Bathrooms: ") sqft_living = st.text_input("Square Feet: ") sqft_lot = st.text_input("Lot Size: ") floors = st.text_input("Number Of Floors: ") waterfront = st.text_input("Waterfront? For Yes type '1', For No type '0': ") view = st.slider("View (A higher score will mean a better view): ", 0,4) condition = st.slider("House Condition (A higher score will mean a better condition): ", 1,5) yr_built = st.text_input("Year Built: ") yr_reno = st.text_input("A Renovated Property? For Yes type '1', For No type '0': ") zipcode = st.text_input("Zipcode (5 digit): ") year_sold = st.text_input("Year Sold: ") month_sold = st.slider("Month Sold: ", 1,12) user_input_prediction = np.array([bedrooms,bathrooms,sqft_living, sqft_lot,floors,waterfront,view,condition,yr_built,yr_reno,zipcode,year_sold,month_sold]).reshape(1,-1) return(user_input_prediction)</pre><hr><pre> #Main function if(st.checkbox("Start a Search")): user_input_prediction = user_input() st.write('error1') pred = model.predict(user_input_prediction) st.write('error2') if(st.button("Submit")): st.text("success")</pre><p> 我正在使用 Streamlit 构建一个接受用户输入的 ML model。 在我的主要 function 中,它返回错误UFuncTypeError: ufunc 'matmul' did not contain a loop with signature matching types (dtype('&lt;U32'), dtype('&lt;U32')) -&gt; dtype('&lt;U32') and trace返回pred = model.predict(user_input_prediction)主 function 将打印出 error1 但不会打印 error2</p></div></u32')></u32'),> - UFuncTypeError: ufunc 'matmul' did not contain a loop with signature matching types (dtype('<U32'), dtype('<U32')) -> dtype('<U32') - Streamlit

UFuncTypeError: 无法从 dtype(' <u32') to dtype('float32') with casting rule 'same_kind'?< div><div id="text_translate"><p> 我正在尝试创建一个 ML model 来对石头、纸和剪刀的手势图像进行分类。 我不断收到如下错误消息:</p><blockquote><p> UFuncTypeError:无法使用转换规则“same_kind”将 ufunc 'multiply' output 从 dtype('&lt;U32') 转换为 dtype('float32')</p></blockquote><p> 这是我的代码:</p><pre> import tensorflow as to from tensorflow.keras.optimizers import RMSprop from tensorflow.keras.preprocessing.image import ImageDataGenerator from tensorflow import keras from tensorflow.keras import layers:wget --no-check-certificate \ https.//dicodingacademy.blob.core.windows.net/picodiploma/ml_pemula_academy/rockpaperscissors.zip -O /tmp/rockpaperscissors,zip import zipfile.os local_zip = '/tmp/rockpaperscissors.zip' zip_ref = zipfile,ZipFile(local_zip. 'r') zip_ref.extractall('/tmp') zip_ref.close(),pip install split_folders import split_folders as SF sf,ratio('/tmp/rockpaperscissors/rps-cv-images', output="/tmp/rockpaperscissors/data".seed=1337, ratio=(.8. .2)) root_path = '/tmp/rockpaperscissors/data' train_path = os,path.join(root_path. 'train') validation_path = os,path,join(root_path, 'val') train_datagen = ImageDataGenerator( rescale = "none", rotation_range = 30, vertical_flip = True. horizontal_flip = True, zoom_range = 0.1, width_shift_range = 0.1, height_shift_range = 0.1, shear_range = 0,2, fill_mode = 'nearest') test_datagen = ImageDataGenerator( rescale = "none", rotation_range = 30, vertical_flip = True. horizontal_flip = True, zoom_range = 0.1, width_shift_range = 0.1, height_shift_range = 0.1, shear_range = 0.2, fill_mode = 'nearest') train_generator = train_datagen,flow_from_directory( train_path, target_size=(150, 150). batch_size=32, class_mode='categorical') validation_generator = test_datagen,flow_from_directory( validation_path, target_size=(150, 150). batch_size=32. class_mode='categorical') model = keras.Sequential() model,add(layers,Conv2D(32, (5,5), activation='relu', input_shape=(150. 150. 3))) model,add(layers.MaxPooling2D(2. 2)) model,add(layers,Conv2D(64, (3.3). activation='relu')) model,add(layers.MaxPooling2D(2. 2)) model,add(layers,Conv2D(128, (3.3). activation='relu')) model,add(layers.MaxPooling2D(2. 2)) model,add(layers,Conv2D(256, (3.3). activation='relu')) model,add(layers.MaxPooling2D(2. 2)) model,add(layers,Conv2D(512, (3.3). activation='relu')) model,add(layers.MaxPooling2D(2. 2)) model.add(layers.Flatten()) model,add(layers.Dense(512. activation='relu')) model,add(layers.Dense(3. activation='softmax')) model.summary() loss_fn = keras.losses,SparseCategoricalCrossentropy() model,compile(loss=loss_fn. optimizer=RMSprop(), metrics=['accuracy']) model,fit( train_generator, steps_per_epoch=54, epochs=22, validation_data=validation_generator, validation_steps=13, verbose=2)</pre><p> 这是我的代码的链接: <a href="https://colab.research.google.com/drive/1stBPFyuIQTU_2LqDSHLlrLOSSBeuYLNT#scrollTo=r3Q3w-Tm6tnX" rel="nofollow noreferrer">Rock Paper Scissors Classifier</a>谢谢!</p></div></u32')> - UFuncTypeError: Cannot cast ufunc 'multiply' output from dtype('<U32') to dtype('float32') with casting rule 'same_kind'?

在 pandas dataframe 中将一列乘以另一列,但得到一个 dtype(' <u32') error< div><div id="text_translate"><p> 我有一个 dataframe ,我想将一列中的每一行乘以另一列(<strong>列 Line Limit 是数据类型 float64</strong> )并返回这些的总和。</p><p> <a href="https://i.stack.imgur.com/2yOSw.png" rel="nofollow noreferrer"><img src="https://i.stack.imgur.com/2yOSw.png" alt="在此处输入图像描述"></a></p><pre> def pol_stats(df,refcol,linecol,limitcol): """Summarise account file.""" acc_count = len(pd.unique(df[refcol])) acc_exp = sum((df[linecol] / 100) * limitcol) return (acc_count,acc_exp) pol_stats(df,'Reference','Line','Limit')</pre><p> 但是我收到错误'ufunc'multiply'没有包含签名匹配类型(dtype('&lt;U32'),dtype('&lt;U32'))-&gt; dtype('&lt;U32')'的循环。</p><p> 我尝试在 limitcol 上使用float()或to_numeric()但仍然出现错误。 如果两列都是浮点数据类型,不知道为什么这会是一个问题。</p></div></u32')> - Multiplying one column by another in pandas dataframe but getting a dtype('<U32') error

暂无
暂无

声明:本站的技术帖子网页,遵循CC BY-SA 4.0协议,如果您需要转载,请注明本站网址或者原文地址。任何问题请咨询:yoyou2525@163.com.

相关问题 ufunc 'add' 不包含带有签名匹配类型的循环 (dtype(' <u32'), dtype('<u32')) -> dtype(' <u32')< div><div id="text_translate"><p> 我正在尝试运行此脚本,但它显示生成的错误:</p><pre> UFuncTypeError: ufunc 'add' did not contain a loop with signature matching types (dtype('<U32'), dtype('<U32')) -> dtype('<U32')</pre><p> 这是我试图运行的下面的代码:</p><pre> if __name__ == '__main__': app = Nominatim(user_agent="test_solar") loc_raw = app.geocode('Postintaival 7, 00230 Helsinki, Finland').raw latitude = loc_raw['lat'] longitude = loc_raw['lon'] altitude = get_elevation(latitude, longitude) location_object = Location(latitude, longitude, 'Europe/Helsinki', altitude, 'relex_solutions') weather = pvlib.iotools.get_pvgis_tmy(latitude, longitude, map_variables=True)[0] times = weather.index solpos = location_object.get_solarposition(times) clearsky_values = location_object.get_clearsky(times, model='ineichen', solar_position=solpos, dni_extra=None)</pre> </div></u32')<></u32'),> - ufunc 'add' did not contain a loop with signature matching types (dtype('<U32'), dtype('<U32')) -> dtype('<U32') UFuncTypeError:ufunc 'matmul' 不包含具有签名匹配类型的循环(dtype(' <u32'), dtype('<u32')) -> dtype(' <u32') - streamlit< div><div id="text_translate"><pre> #Linear Regression Model @st.cache(allow_output_mutation=True) def linearRegression(X_train, X_test, y_train, y_test): model = LinearRegression() model.fit(X_train,y_train) score = model.score(X_test, y_test)*100 return score, model</pre><hr><pre> #User input for the model def user_input(): bedrooms = st.slider("Bedrooms: ", 1,15) bathrooms = st.text_input("Bathrooms: ") sqft_living = st.text_input("Square Feet: ") sqft_lot = st.text_input("Lot Size: ") floors = st.text_input("Number Of Floors: ") waterfront = st.text_input("Waterfront? For Yes type '1', For No type '0': ") view = st.slider("View (A higher score will mean a better view): ", 0,4) condition = st.slider("House Condition (A higher score will mean a better condition): ", 1,5) yr_built = st.text_input("Year Built: ") yr_reno = st.text_input("A Renovated Property? For Yes type '1', For No type '0': ") zipcode = st.text_input("Zipcode (5 digit): ") year_sold = st.text_input("Year Sold: ") month_sold = st.slider("Month Sold: ", 1,12) user_input_prediction = np.array([bedrooms,bathrooms,sqft_living, sqft_lot,floors,waterfront,view,condition,yr_built,yr_reno,zipcode,year_sold,month_sold]).reshape(1,-1) return(user_input_prediction)</pre><hr><pre> #Main function if(st.checkbox("Start a Search")): user_input_prediction = user_input() st.write('error1') pred = model.predict(user_input_prediction) st.write('error2') if(st.button("Submit")): st.text("success")</pre><p> 我正在使用 Streamlit 构建一个接受用户输入的 ML model。 在我的主要 function 中,它返回错误UFuncTypeError: ufunc 'matmul' did not contain a loop with signature matching types (dtype('&lt;U32'), dtype('&lt;U32')) -&gt; dtype('&lt;U32') and trace返回pred = model.predict(user_input_prediction)主 function 将打印出 error1 但不会打印 error2</p></div></u32')></u32'),> - UFuncTypeError: ufunc 'matmul' did not contain a loop with signature matching types (dtype('<U32'), dtype('<U32')) -> dtype('<U32') - Streamlit Scikit-Learn(类型错误:ufunc &#39;subtract&#39; 不包含签名匹配类型 dtype(&#39; - Scikit-Learn (TypeError: ufunc 'subtract' did not contain a loop with signature matching types dtype('<U32') dtype('<U32') dtype('<U32')) TypeError:ufunc&#39;add&#39;不包含签名匹配类型为dtype(&#39;的循环 - TypeError: ufunc 'add' did not contain a loop with signature matching types dtype('<U32') dtype('<U32') dtype('<U32') 收到错误:ufunc&#39;subtract&#39;不包含签名匹配类型为dtype(&#39;的循环 - Getting error: ufunc 'subtract' did not contain a loop with signature matching types dtype('<U32') dtype('<U32') dtype('<U32') sklearn.manifold.TSNE TypeError:ufunc&#39;multiply&#39;不包含签名匹配类型的循环(dtype(&#39; - sklearn.manifold.TSNE TypeError: ufunc 'multiply' did not contain a loop with signature matching types (dtype('<U32'), dtype('<U32'))...) UFuncTypeError: 无法从 dtype(' <u32') to dtype('float32') with casting rule 'same_kind'?< div><div id="text_translate"><p> 我正在尝试创建一个 ML model 来对石头、纸和剪刀的手势图像进行分类。 我不断收到如下错误消息:</p><blockquote><p> UFuncTypeError:无法使用转换规则“same_kind”将 ufunc 'multiply' output 从 dtype('&lt;U32') 转换为 dtype('float32')</p></blockquote><p> 这是我的代码:</p><pre> import tensorflow as to from tensorflow.keras.optimizers import RMSprop from tensorflow.keras.preprocessing.image import ImageDataGenerator from tensorflow import keras from tensorflow.keras import layers:wget --no-check-certificate \ https.//dicodingacademy.blob.core.windows.net/picodiploma/ml_pemula_academy/rockpaperscissors.zip -O /tmp/rockpaperscissors,zip import zipfile.os local_zip = '/tmp/rockpaperscissors.zip' zip_ref = zipfile,ZipFile(local_zip. 'r') zip_ref.extractall('/tmp') zip_ref.close(),pip install split_folders import split_folders as SF sf,ratio('/tmp/rockpaperscissors/rps-cv-images', output="/tmp/rockpaperscissors/data".seed=1337, ratio=(.8. .2)) root_path = '/tmp/rockpaperscissors/data' train_path = os,path.join(root_path. 'train') validation_path = os,path,join(root_path, 'val') train_datagen = ImageDataGenerator( rescale = "none", rotation_range = 30, vertical_flip = True. horizontal_flip = True, zoom_range = 0.1, width_shift_range = 0.1, height_shift_range = 0.1, shear_range = 0,2, fill_mode = 'nearest') test_datagen = ImageDataGenerator( rescale = "none", rotation_range = 30, vertical_flip = True. horizontal_flip = True, zoom_range = 0.1, width_shift_range = 0.1, height_shift_range = 0.1, shear_range = 0.2, fill_mode = 'nearest') train_generator = train_datagen,flow_from_directory( train_path, target_size=(150, 150). batch_size=32, class_mode='categorical') validation_generator = test_datagen,flow_from_directory( validation_path, target_size=(150, 150). batch_size=32. class_mode='categorical') model = keras.Sequential() model,add(layers,Conv2D(32, (5,5), activation='relu', input_shape=(150. 150. 3))) model,add(layers.MaxPooling2D(2. 2)) model,add(layers,Conv2D(64, (3.3). activation='relu')) model,add(layers.MaxPooling2D(2. 2)) model,add(layers,Conv2D(128, (3.3). activation='relu')) model,add(layers.MaxPooling2D(2. 2)) model,add(layers,Conv2D(256, (3.3). activation='relu')) model,add(layers.MaxPooling2D(2. 2)) model,add(layers,Conv2D(512, (3.3). activation='relu')) model,add(layers.MaxPooling2D(2. 2)) model.add(layers.Flatten()) model,add(layers.Dense(512. activation='relu')) model,add(layers.Dense(3. activation='softmax')) model.summary() loss_fn = keras.losses,SparseCategoricalCrossentropy() model,compile(loss=loss_fn. optimizer=RMSprop(), metrics=['accuracy']) model,fit( train_generator, steps_per_epoch=54, epochs=22, validation_data=validation_generator, validation_steps=13, verbose=2)</pre><p> 这是我的代码的链接: <a href="https://colab.research.google.com/drive/1stBPFyuIQTU_2LqDSHLlrLOSSBeuYLNT#scrollTo=r3Q3w-Tm6tnX" rel="nofollow noreferrer">Rock Paper Scissors Classifier</a>谢谢!</p></div></u32')> - UFuncTypeError: Cannot cast ufunc 'multiply' output from dtype('<U32') to dtype('float32') with casting rule 'same_kind'? Python:Numpy dtype U32 - 简单的 if-else 语句 - Python: Numpy dtype U32 - simple if-else statement 如何解释 Python 输出 dtype=&#39; - How to interpret Python output dtype='<U32'? 在 pandas dataframe 中将一列乘以另一列,但得到一个 dtype(' <u32') error< div><div id="text_translate"><p> 我有一个 dataframe ,我想将一列中的每一行乘以另一列(<strong>列 Line Limit 是数据类型 float64</strong> )并返回这些的总和。</p><p> <a href="https://i.stack.imgur.com/2yOSw.png" rel="nofollow noreferrer"><img src="https://i.stack.imgur.com/2yOSw.png" alt="在此处输入图像描述"></a></p><pre> def pol_stats(df,refcol,linecol,limitcol): """Summarise account file.""" acc_count = len(pd.unique(df[refcol])) acc_exp = sum((df[linecol] / 100) * limitcol) return (acc_count,acc_exp) pol_stats(df,'Reference','Line','Limit')</pre><p> 但是我收到错误'ufunc'multiply'没有包含签名匹配类型(dtype('&lt;U32'),dtype('&lt;U32'))-&gt; dtype('&lt;U32')'的循环。</p><p> 我尝试在 limitcol 上使用float()或to_numeric()但仍然出现错误。 如果两列都是浮点数据类型,不知道为什么这会是一个问题。</p></div></u32')> - Multiplying one column by another in pandas dataframe but getting a dtype('<U32') error
 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM