E-COM-NET
首页
在线工具
Layui镜像站
SUI文档
联系我们
推荐频道
Java
PHP
C++
C
C#
Python
Ruby
go语言
Scala
Servlet
Vue
MySQL
NoSQL
Redis
CSS
Oracle
SQL Server
DB2
HBase
Http
HTML5
Spring
Ajax
Jquery
JavaScript
Json
XML
NodeJs
mybatis
Hibernate
算法
设计模式
shell
数据结构
大数据
JS
消息中间件
正则表达式
Tomcat
SQL
Nginx
Shiro
Maven
Linux
Constant
simulink生成可编译等腰三角波
输出变幅值的等腰三角波:图中:gain1与
constant
3数值必须相同才能输出相应范围的斜线(实质上是锯齿波线,我们取一部分当作一个循环往复的斜线);斜
暮雨潇潇11
·
2023-01-07 21:59
matlab
吴恩达深度学习tensorflow版本问题
module'tensorflow'hasnoattribute'global_variables_initializer'问题解决:在import后面加代码tf.compat.v1.disable_eager_execution()然后将源代码改为:y_hat=tf.
constant
qq_43178462
·
2023-01-07 09:24
tensorflow
深度学习
机器学习
PaddlePaddle运行时出现paddle.fluid.core_avx.EnforceNotMet: Invoke operator fill_
constant
error错误
问题描述:在使用paddlepaddle启动模型时遇到下列问题:Traceback(mostrecentcalllast):File"test.py",line131,intest(args)File"test.py",line77,intestexe.run(fluid.default_startup_program())File"/home/spwux/anaconda3/envs/fall/
扯皮001
·
2023-01-07 07:38
paddle
gpu
cuda
OpenFOAM 网格拓扑与计算表面向量和 (1)
OpenFOAM运行blockMesh指令生成网格文件
constant
/polyMesh,其中主要包含boundary、faces、neighbour、owner、p
Chenwei_HF
·
2023-01-06 23:14
OpenFOAM教程
openfoam
cfd
模拟
chtMultiRegionFoam求解器及算例分析
1.算例分析1.1.算例结构算例目录heatTransfer/chtMultiRegionFoam/heatedDuct0fluidpp_rghTUheaterTmetalT
constant
fluidgmomentumTransportphysicalPropertiesheaterfvModelsphysicalPropertiesmetalphysicalPropertiesgeometryf
CFD_Tyro
·
2023-01-06 23:10
理论基础
算法
torch常用操作—— torch.nn.functional.pad
torch.nn.functional.pad作用:填充tensor目前为止,只支持2d和3d填充用法:torch.nn.functional.pad(input,pad,mode='
constant
'
whale998
·
2023-01-06 01:55
torch常用操作
python
人工智能
tf.tensordot运算矩阵矩阵示例
1.例子importtensorflowastfa=tf.
constant
([0,1,2,1,3,4,5,2,3,4,5,0],shape=[2,1,3,2])b=tf.
constant
([1,3,2,3,1,2
maoliang123
·
2023-01-05 23:05
自然语言处理
tensorflow
神经网络
PHP学习之字符串操作
字符串简介在PHP中如何定义字符串/***提示'undefined
constant
still'没有定义的常量still,说明不加定界符会当成常量解析*字符串需要书写到定界符中*定界符1.单引号2.双引号
四夕一九
·
2023-01-05 03:16
php
学习
基于opencv的c++图像处理(几何变换)
CV_EXPORTS_Wvoidremap(InputArraysrc,OutputArraydst,InputArraymap1,InputArraymap2,intinterpolation,intborderMode=BORDER_
CONSTANT
daydayup_cy
·
2023-01-04 15:16
opencv
图像处理
c++
学习tf.sparse_to_dense函数(代码实现)
#当tf.sparse_to_dense的第一个参数是2阶的tensor时importtensorflowastf BATCH_SIZE=5 label=tf.expand_dims(tf.
constant
航梦
·
2023-01-04 11:50
Tensorflow相关
深度学习
函数
tensorflow
tf.sparse_to_dense()函数理解
:importtensorflowastfimportnumpyindices=tf.reshape(tf.range(0,10,1),[10,1])labels=tf.expand_dims(tf.
constant
李嘉图123
·
2023-01-04 11:49
《动手学习深度学习》- Tensorflow数据操作
version__'2.3.0'1.创建tensortensor是存储和变换数据的主要工具,tensor和Numpy的多维数组比较类似,但是tensor可以提供GPU计算和自动求梯度等功能#创建行向量x=tf.
constant
兀坐晴窗独饮茶
·
2023-01-03 20:37
深度学习
tensorflow
深度学习
python
《动手学深度学习》-E2-2
1.创建TensorFlow一、x1=tf.
constant
(range(12))x2=tf.
constant
([1,2,3],[1,2,3])x3=tf.reshape(x1,(3,4))x4=tf.zeros
m0_37773168
·
2023-01-03 20:36
tensor学习笔记
tensorflow
深度学习
python
TensorFlow:测试tensorflow,以及测试是否调用GPU
'GPU',tf.test.is_gpu_available())tf.compat.v1.disable_eager_execution()withtf.device('/cpu:0'):a=tf.
constant
乐事原味~
·
2023-01-03 19:22
tensorflow
基于Python的有重叠区域的批量图像分割
importcv2importosdeftianchong_you(img):size=img.shape#这里的大小可以自己设定,但是尽量是32的倍数
constant
=cv2.copyMakeBorder
蓝歌ai
·
2023-01-03 08:34
深度学习
python
计算机视觉
opencv
numpy.pad使用详解
numpy中pad的用法在机器学习中经常用到pad进行数据的预处理,对原本的矩阵进行填充,具体用法如下:numpy.pad(array,pad_width,mode='
constant
',**kwargs
wy359669597
·
2023-01-02 12:23
2020启航
python
numpy
[一起学习pytorch吧]之pad函数
pytorch.org/docs/stable/nn.functional.html#torch.nn.functional.padpadtorch.nn.functional.pad(input,pad,mode='
constant
missyoudaisy
·
2023-01-02 12:22
一起学习pytorch
numpy中pad用法
数组用给定值(**kwars传入)进行扩充举例:#numpypadimportnumpyasnpa=[1,2,3,4,5,6]result=np.lib.pad(a,pad_width=(2,3),mode='
constant
blbq105
·
2023-01-02 12:51
mybatis -plus基本查询
2、ListselectBatchIds(@Param(
Constant
s.COLLECTI
在那里遇见你
·
2023-01-02 04:01
mybatis-plus
mybatis
java
数据库
【PAT(甲级)】1074 Reversing Linked List
Givena
constant
KandasinglylinkedlistL,youaresupposedtoreversethelinksofeveryKelementsonL.Forexample,givenLbeing1
猪脑不过载
·
2023-01-01 07:03
PAT(甲级)
c++
pat考试
链表
优化拟合效果
outlier[0,1,22],在进行拟合模型3(a)拟合模型:data=pd.read_csv('C:/Users/可乐怪/Desktop/csv/P174.csv')data.insert(1,'
constant
可乐怪C
·
2022-12-31 22:08
回归
逻辑回归
“CV_XXX“was not declared in this scope的解决办法
‘CV_LOAD_IMAGE_COLOR’wasnotdeclaredinthisscope#include"opencv2/imgcodecs/legacy/
constant
s_c.h"2.
Serinus
·
2022-12-31 13:55
笔记
其他
tensroflow2.0 报错AttributeError: Tensor.name is meaningless when eager execution is enabled.解决
报错代码如下:importrandomimporttensorflowastfdefZ(a):returna*(4**2+4)defY(a,x):returna*(x**2+4)x=tf.
constant
weixin_42713739
·
2022-12-31 12:29
tensorfolw2.0
自然语言处理复习提纲
/segmentation最大匹配(正向/逆向/双向消歧.)最大最小匹配(发现歧义)全切分/最大可能切分词性标注规则方法(词典+规则+消歧)语言模型高维稀疏ZipfLawfrequency*rank=
constant
MatrixCancer
·
2022-12-31 08:12
自然语言处理
深度学习
机器学习
AlphaFold2源码解析(10)--补充信息1(residue_
constant
s)
AlphaFold2源码解析(10)–补充信息1(residue_
constant
s)这篇文章总结的很好,来之生信小兔,这里只是收藏一下,转载来源https://blog.csdn.net/weixin
发呆的比目鱼
·
2022-12-31 08:26
DrugAi
人工智能
曹健老师 TensorFlow2.1 —— 第二章 神经网络优化
2.1预备知识tf.where(条件语句,真返回A,假返回B)a=tf.
constant
([1,2,3,1,1])b=tf.
constant
([0,2,3,4,5])c=tf.where(tf.greater
JuicyPeachHoo
·
2022-12-31 07:12
TensorFlow2.1
TensorFlow模型转换h5转pb
h5模型转pb模型实现脚本:importtensorflowastf fromtensorflow.python.framework.convert_to_
constant
simportconvert_variables_to_
constant
s_v2
追猫人
·
2022-12-30 16:56
python
人工智能
tensorflow
python
深度学习
python 等待进程池结束
importjsonimportmultiprocessingimportsettingsfromnameko.standalone.rpcimportClusterRpcProxyfromnameko.standalone.eventsimportevent_dispatcherfromnameko.
constant
simportNON_PERSISTENT
·
2022-12-30 10:49
python
ffmpeg aac解码pcm
#include#include#include#define__STDC_
CONSTANT
_MACROSextern"C"{#include#include#include#include}#defineMAX_AUDIO_FRAME_SIZE192000
hmbbPdx_
·
2022-12-30 10:21
ffmpeg
使用tensorflow2写一个简单的线性回归模型的训练与预测
tensorflw2.7importtensorflowastffromtensorflow.kerasimportSequentialfromtensorflow.keras.layersimport(Dense,)importnumpyasnpif__name__=='__main__':#x=tf.
constant
吴天德少侠
·
2022-12-30 08:22
tensorflow2
深度学习
tensorflow
线性回归
深度学习
pytorch初始化权重
ifisinstance(m,nn.Linear):trunc_normal_(m.weight,std=.02)ifisinstance(m,nn.Linear)andm.biasisnotNone:nn.init.
constant
赵怡恒
·
2022-12-30 02:14
感悟
python
pytorch
初始化及分布
均匀分布XXX~U(a,b)U(a,b)U(a,b)3.正态分布XXX~N(mean,std2)N(mean,std^2)N(mean,std2)4.截断正态分布trunc_normal_5.初始化为常量
constant
孟孟单单
·
2022-12-30 02:14
杂记
人工智能
Google Earth Engine(GEE)——创建、添加多波段影像和合成
InadditiontoloadingimagesbyID,youcanalsocreateimagesfrom
constant
s,listsorothersuitableEarthEngineobjects.Thefollowingillustratesmethodsforcreatingimages
此星光明
·
2022-12-29 16:30
Google
Earth
Engine
GEE
google
maps
google
cloud
影像
波段
python-OpenCV 之 常用API
参数解释Src输入矩阵Dst输出矩阵,对src边界扩充后的结果Top上侧扩充的行数Bottom下侧扩充的行数Left左侧扩充的行数Right右侧扩充的行数borderType(边界扩充类型)BORDER_
CONSTANT
li_il
·
2022-12-29 07:26
PyTorch【7】PyTorch网络权重初始化
从均匀分布U(a,b)中生成值,填充输入的张量或变量nn.init.normal_(tensor,mean=0,std=1)从正态分布(mean,std)中生成值,填充输入的张量或变量nn.init.
constant
Acewh
·
2022-12-28 21:20
PyTorch框架学习
pytorch
深度学习
python
正确理解和使用JAVA中的字符串常量池
它也被称为StringInternPool或String
Constant
Pool。那让我来看看究竟是怎么一回事吧。理解字符串常量池当您从在类中写一个字符串字面量时
·
2022-12-28 17:39
后端fastapirust
python 双因子认证 Google Authenticator令牌代码实现
校验动态口令#-*-coding:utf-8-*-importbase64fromioimportBytesIOimportpyotp#pyotp==2.3.0fromqrcodeimportQRCode,
constant
s
Saggitarxm
·
2022-12-28 12:15
双因子认证
Authenticator
Google
双因子认证
谷歌令牌
谷歌身份验证器
pytorch weight init
defweights_init(m):ifisinstance(m,nn.Conv2d):nn.init.kaiming_normal_(m.weight)ifm.biasisnotNone:nn.init.
constant
日作诗歌三千首
·
2022-12-28 10:15
opencv源码之sobel的核模板
enumBorderTypes{BORDER_
CONSTANT
=0,//!<`iiiiii|abcdefgh|iiiiiii`with
Briwisdom
·
2022-12-28 10:30
技术教程
opencv
计算机视觉
tensorflow2中 tensor转为numpy
importtensorflowastfa=tf.
constant
([[1,2,3],[4,5,6]])b=a.numpy()print('b=')print(b)
唐僧爱吃唐僧肉
·
2022-12-27 22:47
深度学习函数学习
python&tensorflow2.0各种数组详解及相互转化
列表list可以随时添加和删除其中的元素x=[1,2,3,4]x2=[tf.
constant
(1)]*4print(x)#[1,2,3,4]prin
三叶草~
·
2022-12-27 22:45
python基础
TensorFlow2.X
python
开发语言
tensorflow2.0 中tensor与arrary相互转换
tensor和array的相互转换tensor转arrarya=tf.
constant
([1,2])b=a.numpy()#直接用.numpy()转换arrary转tensora=tf.convert_to_tensor
WyattY
·
2022-12-27 22:15
tensorflow
python
numpy
TensorFlow2——tensor 转为 numpy
TensorFlow2将tensor转化为numpy数组:importtensorflowastfa=tf.
constant
([[1,2],[3,4]])print(a)#Obtainnumpyvaluefromatensor
Jacob Jiang
·
2022-12-27 22:44
TensorFlow
2
把tensor转为numpy_如何在TensorFlow中将张量转换为numpy数组?
importtensorflowastfa=tf.
constant
([[1,2],[3,4]])b=tf.add(a,1)a.numpy()#array([[1,2],#[3,4]],dtype=int32
weixin_39957647
·
2022-12-27 22:14
把tensor转为numpy
人工智能学习第一篇(tensorflow笔记)
张量(Tensor):多维数组(列表)阶:张量的维数(从0开始)张量可以表示0阶到n阶数组(列表)eg1:importtensorflowastfa=tf.
constant
([1,5],dtype=tf.int64
& Pumbaa
·
2022-12-27 20:35
tensorflow
android web3j 代币查询_以太坊入门(二)用web3j进行以太查询及通证查询
Web3jweb3j=Web3j.build(newHttpService(
Constant
Libs.WEB3_A
weixin_39678531
·
2022-12-27 08:08
android
web3j
代币查询
PyTorch笔记 - Position Embedding (Transformer/ViT/Swin/MAE)
blog.csdn.net/caroline_wendy/article/details/128447794PositionEmbedding(位置编码)Transformer1dabsolutesin/cos
constant
VisionTransformer1dabsolute
SpikeKing
·
2022-12-26 21:19
深度学习
transformer
pytorch
深度学习
正确理解和使用JAVA中的字符串常量池
它也被称为StringInternPool或String
Constant
Pool。那让我来看看究竟是怎么一回事吧。理解字符串常量池当您从在类中写一个字符串字面量时
·
2022-12-26 17:53
后端fastapirust
tensorflow02——反向传播,梯度下降基础案例
此案例最终目的:找到损失函数loss最小时,权重参数w的值(w=-1)#尝试更改学习率lr,看看收敛效果importtensorflowastf#设定可训练的参数w的初始值为5w=tf.Variable(tf.
constant
Fortunate.F
·
2022-12-26 13:04
tensorflow
numpy
python
深度学习
Tensorflow:张量(Tensor)的创建及其基础操作
1.张量的创建1.1tf.
constant
()方法 tf.
constant
()是一种常用的张量创建方法。具体代码如下:这里有一点要注意,不同数值精度的张量不能直接进行计算,强制转化(tf.cast
Sun_Sherry
·
2022-12-26 03:55
Tensorflow
tensorflow
深度学习
上一页
31
32
33
34
35
36
37
38
下一页
按字母分类:
A
B
C
D
E
F
G
H
I
J
K
L
M
N
O
P
Q
R
S
T
U
V
W
X
Y
Z
其他