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
examples
将 Convolution1D 用于文本分类Keras的python源码DIY
参考文档:https://keras-zh.readthedocs.io/
examples
/imdb_cnn/代码如下:from__future__importprint_functionfromkeras.preprocessing
海宝7号
·
2022-12-02 11:15
python2021
keras
深度学习
神经网络
python
AttributeError: module ‘tensorflow‘ has no attribute ‘placeholder‘问题
NOMODULENAMED'TENSORFLOW.
EXAMPLES
.TUTORIALS解决方法参考http
35岁北京一套房
·
2022-12-01 19:00
图示时序卷积网络(Temporal Convolutional Networks)结构与过程
(github.com)Darts-TCN例子:darts/05-TCN-
examples
.ipynbat
Hughpp
·
2022-12-01 16:04
学习记录
深度学习
cnn
神经网络
Fall-detection
Fall-detectionFall-detection(摔倒/跌倒检测)Fall-detection(摔倒/跌倒检测)intheroomthisfall-detectionisbasedondarknet.
Examples
wefirstdete
山水之间2018
·
2022-12-01 15:31
Action
Detection
跌倒检测
【Spikingjelly】SNN框架教程的代码解读
Spikingjelly时间驱动使用双层全连接网络进行MNIST分类a.网络结构b.泊松编码c.训练、重置d.结果、分析时间驱动使用双层全连接网络进行MNIST分类我们关注clock_driven.
examples
.lif_fc_mnist.py
leSerein_
·
2022-12-01 10:36
深度学习
神经网络
卷积神经网络
ubuntu下安装c++版opencv,
pfrobot/software/opencv-4.5.5/build-DWITH_TBB=ON-DBUILD_NEW_PYTHON_SUPPORT=ON-DWITH_V4L=ON-DINSTALL_C_
EXAMPLES
andrew P
·
2022-12-01 05:05
ubuntu20.04
虚拟人物
opencv
linux
c++
Ubuntu
OpenCV for Unity使用深度学习神经网络进行图像识别对象检测
setup_dnn_module.pdf2.按照提示下载person.jpg、yolov4-tiny.cfg、yolov4-tiny.weights、coco.names3.打开场景Assets\OpenCVForUnity\
Examples
程序员正茂
·
2022-11-30 23:42
Unity
unity
opencv
神经网络
深度学习
对象检测
【论文阅读002】Generating Natural Language Adversarial
Examples
through ProbabilityWeightedWord Saliency
论文地址:GeneratingNaturalLanguageAdversarial
Examples
throughProbabilityWeightedWordSaliency-ACLAnthology,
Su-RE
·
2022-11-30 19:21
论文
深度学习
python 使用张量进行线性回归 (带绘图)
定义函数synthetic_data(w,b,num_
examples
)生成数
i道i
·
2022-11-30 15:09
线性回归(二) 从零开始实现线性回归
defsynthetic_data(w,b,num_
examples
):X=torch.normal(0
木子秋白
·
2022-11-30 14:39
线性回归
pytorch
python
基于Pytorch的线性回归从零开始实现
一、概述搭建基于线性回归模型的神经网络,结合代码阐述搭建步骤,最后给出全部代码以及运行结果二、搭建步骤1、生成数据集#生成数据集num_input=3num_
examples
=1000features=
Leitein
·
2022-11-30 14:35
深度学习
神经网络
算法
深度学习
python
从零到一,教你搭建「CLIP 以文搜图」搜索服务(二):5 分钟实现原型
Notebook链接https://github.com/towhee-io/
examples
/blob/main/image/text_image_search/1_build_text_image_search_engi
Zilliz Planet
·
2022-11-30 10:54
Towhee
python
机器学习
大数据
深度学习
tensorflow的卷积层和全连接层的定义
视频参考定义全连接层下面代码有对卷积层和全连接层以及厚度增加的定义,对每个卷积核和偏移值都是随机小值from__future__importprint_functionimporttensorflowastffromtensorflow.
examples
.tutorials.mnistimportinput_data
MAR-Sky
·
2022-11-30 10:32
tensorflow
卷积神经网络
spring中的事件监听机制
Springeventlistener介绍example简单原理解释自定义事件、监听和发布事件监听器发布者测试更加一般的事件@EventListener原理介绍
examples
pring支持自定义的事件发布
spark man
·
2022-11-30 08:31
spring
spring
event
java
事件发布
观察者模式
MATLAB实现自编码器(二)——(稀疏)自编码器的实现
以下代码来源于mathworks官网文档trainAutoencoder的
Examples
部分,注释来源是翻译原网页的介绍以及自己的理解。
佟湘玉滴玉
·
2022-11-30 06:22
MATLAB深度学习
机器学习
matlab
自编码器
ubuntu16.04验证Pangolin安装成功
安装前面有:ubuntu16.04安装Pangolin库_浅梦语11的博客-CSDN博客验证用的是Pangolin自带的例程:Pangolin/
examples
/HelloPangolin文件夹1.终
浅梦语11
·
2022-11-30 01:59
slam初探
c++
开发语言
tensorflow,对mnist的手写数据集进行卷积神经网络分类
importtensorflowastffromtensorflow.
examples
.tutorials.mnistimportinput_dataimportmatplotlib.pyplotaspltdefcreatweight
卡尔顿
·
2022-11-29 22:35
tensorflow
分类
python
yolov5s.pt -> onnx -> rknn
尝试失败的https://github.com/soloIife/yolov5_for_rknnrknntoolkit
examples
里面自带的均可转为rknn,yolov5s无法转换尝试成功的importyamlfromrknn.apiimportRKNNimportcv2
highoooo
·
2022-11-29 18:49
Computer
Vision
tensorflow
深度学习
caffe
tensorflow1.x手写数字识别
importtensorflowastf#minist引入数据方法fromtensorflow.
examples
.tutorials.mnistimportinput_dataimportrandomimportmatplotlib.pyplotasplttf.set_random_seed
小杨变老杨
·
2022-11-29 13:32
tensorflow
python
深度学习
2022年12月英语六级预测范文—预测范文:Be Willing To Try
BeWillingToTrywriteanessayetitledBeWillingtoTrybycommentingontheremark“Ineverytriumph,there’salotoftry”,Youcancite
examples
toillustrateyourpoint
之墨_
·
2022-11-29 12:24
笔记
CET-6
英语作文
2022年12月英语六级预测范文—预测范文:人生哲理、人生
Forthispartyouareallowed30minutestowriteanessaycommentingontheremark“Thegreatestuseoflifeistospenditforsomethingthatwilloutlastit.”Youcangive
examples
toillustrateyourpointandthen
之墨_
·
2022-11-29 12:53
笔记
CET-6
英语作文
图像配准
matlab给出的实例:https://www.mathworks.com/help/vision/
examples
/find-image-rotation-and-scale-using-automated-feature-matching.html
guanguanboy
·
2022-11-29 09:33
图像处理
PyTorch官方例程详解(1.使用卷积进行图像分类)
官方教程解析计划系列文章,旨在对官方教程文档和例程代码进行详细解析,加快新手入门过程PyTorch的官方Tutoral页面提供了14个例程供大家学习,本次对第一个例程进行详解例程地址与该例程描述如下:PyTorch
Examples
—PyTorch
Examples
1.11documentatin
天翼冰霜
·
2022-11-29 09:36
pytorch
深度学习
解决tensorflow2不能导入mnist的input_data包问题
site-packages在site-packages目录下找到tensorflow包所在位置(hotkey:切换英文输入,键盘按‘t’)我的目录如下:有的博主是这样:想办法找到tensorflow_core\
examples
lmjxjnu
·
2022-11-29 08:50
tensorflow
深度学习
python
from tensorflow.
examples
.tutorials.mnist import input_data 出错
在使用tensorflow实现辨别手写体的过程中遇到了一下错误那么你则可以看下你当前环境下的TensorFlow的example中是否有tutorials文件或是否有example文件夹进入后如果发现,没有则去tensorflow中进行下载,然后粘贴到对应位置即可
明心_前进
·
2022-11-29 08:48
tensorflow
python
吴恩达机器学习系列课程作业ex3 matlab实现
lrCostFunction.moneVsAll.mpredictOneVsAll.mpredict.mMatlab实现:lrCostFunction.mfunction[J,grad]=lrCostFunction(theta,X,y,lambda)m=length(y);%numberoftraining
examples
tmp
d7901699
·
2022-11-29 08:47
matlab
机器学习
开发语言
学习笔记:【VALSE短教程】《Adversarial Attack and Defense》
《AdversarialAttackandDefense》视频地址1、White-boxattacksDirectionI论文地址:EXPLAININGANDHARNESSINGADVERSARIAL
EXAMPLES
CV误会了我
·
2022-11-29 07:35
python
计算机视觉
人工智能
深度学习
神经网络
torch-fidelity 简便计算FID,ISC,KID,PPL
原项目地址:https://github.com/toshas/torch-fidelityhttps://github.com/toshas/torch-fidelity文档地址:Usage
Examples
withCommandLine—to
奶奶滴,为什么不学java
·
2022-11-28 22:53
python
机器学习
pytorch
深度学习
神经网络
Matlab 的动态曲线绘图
LineAnimations动态曲线的绘制This
examples
howshowtocreateananimationoftwogrowinglines.Theanimatedlinefunctionhelpsyoutooptimizelineanimations.Itallowsyoutoaddnewpointstoalinewithoutredefiningexistingpoints
__lost
·
2022-11-28 18:37
matlab
动画
Understanding The Minimax Algorithm-理解极小极大搜索算法
Oneofthemostinterestingavenuesofcomputerscienceisthatofprogrammingacomputertoplayagameagainstahumanopponent.
Examples
abound
boyking
·
2022-11-28 17:33
算法
aws sdk 学习和使用aws-sdk-go
https://www.go-on-aws.com/infrastructure-as-go/cdk-go/sdkexample,https://github.com/awsdocs/aws-doc-sdk-
examples
golang
zhaojiew
·
2022-11-28 17:27
AWS
编程语言
aws
学习
golang
卷积神经网络训练过程中的training step的含义_TensorFlow2.0代码实战专栏(五):神经网络示例...
作者|AymericDamien编辑|奇予纪出品|磐创AI团队原项目|https://github.com/aymericdamien/TensorFlow-
Examples
/AI学习路线之TensorFlow
weixin_39774044
·
2022-11-28 16:16
step的含义
sklearn库之sklearn.cluster.KMeans的学习
这篇呢是接着上一篇kmeans的学习,这篇主要是介绍调用机器学习的库来使用集成的kmeans,哈哈会调用就行,主要学习呢就是看官方文档,学习这个包装类的参数,返回值以及它方法,这里面有好多
examples
Kai_TJU
·
2022-11-28 15:40
Machine
Learning
Machine
Learning
echarts配置(部分)
配置项可以放到https://echarts.apache.org/
examples
/zh/editor.html?c=pie-borderRadius里去预览。
咕嘟咕嘟li
·
2022-11-28 14:57
机器学习-线性回归(从零实现以及简化实现)
则跳过生成一个包含1000个样本的数据集,每个样本包含从标准正态分布中采样的2个特征torch.normal(mean,std,size)定义一个生成数据样本的函数defget_data(w,b,num_
examples
Tc.小浩
·
2022-11-28 13:08
机器学习
机器学习
线性回归
python
cifar10怎么构建验证集?
主要提供想法,当你构建好训练网络,然后我的思想是在训练完毕以后,提取testset中一个batch,dev_set=int(num_
examples
_per_epoch_for_eval/batch_size
love萌萌loli
·
2022-11-28 00:43
python
tensorflow
深度学习
tensorflow
Torch学习 线性回归的简洁实现
1.生成数据集num_inputs=2num_
examples
=1000true_w=[2,-3.4]true_b=4.2features=torch.tensor(np.random.normal(0,1
qq_39033580
·
2022-11-27 18:04
torch
学习
线性回归
深度学习
pytorch 线性回归
matplotlibinlineimporttorchfromIPythonimportdisplayfrommatplotlibimportpyplotaspltimportnumpyasnpimportrandomnum_inputs=2num_
examples
美颜特效.音视频
·
2022-11-27 18:51
AI_AR
特效算法实战
决策树Python 实现——决策树回归
https://scikit-learn.org/stable/auto_
examples
/tree/plot_tree_regression.html决策树回归DecisionTreeRegression
Alexychen9696
·
2022-11-27 15:09
决策树回归
tensorflow实现Minist手写体识别
importtensorflowastffromtensorflow.
examples
.tutorials.mnistimportinput_data#下载MINIST数据集mnist=input_data.read_data_sets
a493862864
·
2022-11-27 13:57
人工智能
图神经网络之预训练大模型结合:ERNIESage在链接预测任务应用
contributionType=1本项目主要是为了直接提供一个可以运行ERNIESage模型的环境,https://github.com/PaddlePaddle/PGL/blob/develop/
examples
汀、
·
2022-11-27 12:26
图计算图学习
神经网络
深度学习
人工智能
知识图谱
ffmpeg 利用AVIOContext自定义IO 输出结果写buffer
C++工程,直接读写缓存的方式来传递音频数据,所以直接调用ffmpegcapi来实现这个功能是更简单直接的方案.虽说ffmpeg的例子满天飞,真正使用api来实现缓存读写的,真是寥寥无几.我在doc/
examples
phoenix-bai
·
2022-11-27 08:45
语音识别
机器学习
算法
linux
ffmpeg
【tensorflow】数字识别 — cnn 算法
importtensorflowastffromtensorflow.
examples
.tutorials.mnistimpo
美丽的格桑花888
·
2022-11-27 05:07
tensorflow
cnn
算法
【Spikingjelly】SNN框架教程的代码解读_3
神经元LIF神经元a.单个神经元b.多个神经元时间驱动:编码器泊松编码器a.单独的时间步长b.多个时间步长叠加周期编码器延时编码器和带权相位编码器参考时间驱动:神经元LIF神经元clock_driven.
examples
.lif_fc_mnist.py
leSerein_
·
2022-11-27 00:02
神经网络
python
化合物分子 ogb、dgl生成图网络及GNN模型训练;pgl图框架
learn-to-smell-molecules-with-graph-convolutional-neural-networks-62fa5a826af5https://github.com/snap-stanford/ogbhttps://github.com/dmlc/dgl/blob/master/
examples
loong_XL
·
2022-11-27 00:31
CADD/AIDD
dgl
ogb
rdkit
caffe模型常用参数解释
label"//输出标签include{phase:TRAIN}transform_param{scale:0.00390625//归一化{0-255}->{0-1}}data_param{source:"
examples
zchang81
·
2022-11-26 10:08
Caffe
Caffe
参数
深度学习
caffe | 预训练模型的使用
首先明确预训练好的模型和自己的网络结构是有差异的,预训练模型的参数如何跟自己的网络匹配的呢:参考官网教程:http://caffe.berkeleyvision.org/gathered/
examples
努力努力再努力tq
·
2022-11-26 10:04
caffe
caffe 常用命令
/build/tools/caffetrain-solver=
examples
/hands/hands_solver.prototxt-log_dir=
examples
/hands(2)利用snapshot
feynman233
·
2022-11-26 10:58
caffe
mnist手写数字识别python_tensorflow实现MNIST手写数字识别
代码如下:fromtensorflow.
examples
.tutorials.mnistimportinput_datamnist=input_data.read_data_sets("MNIST_data
weixin_39595537
·
2022-11-26 08:11
LSTM实现Mnist手写数字识别
importosos.environ['TF_CPP_MIN_LOG_LEVEL']='2'importtensorflow.compat.v1astffromtensorflow.
examples
.tutorials.mnistimportinput_datatf.compat.v1
zjLOVEcyj
·
2022-11-26 07:30
tensorflow
tensorflow
深度学习
图像识别
上一页
41
42
43
44
45
46
47
48
下一页
按字母分类:
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
其他