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
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
深度学习
图像识别
r语言kmeans聚类_R语言做K均值聚类的一个简单小例子
k-means-clustering-in-r/https://www.datanovia.com/en/lessons/k-means-clustering-in-r-algorith-and-practical-
examples
weixin_39785814
·
2022-11-26 07:23
r语言kmeans聚类
tensorflow学习笔记:卷积神经网络
用神经网络对手写数字数据集进行分类,并打印出分类准确度一般神经网络对于手写数字数据集的分类准确度:importtensorflowastffromtensorflow.
examples
.tutorials.mnistimportinput_dataimportosos.environ
随心Lc
·
2022-11-26 07:38
tensorflow
tensorflow
tensorflow 入门小例子(mnist手写数字识别)
importtensorflowastffromtensorflow.
examples
.tutorials.mnistimportinput_data#定义算法公式,即神经网络的前向计算mnist=input_data.read_data_sets
tangwei930927
·
2022-11-26 05:36
tensorflow
深度学习
深度学习
tensorflow
【机器学习】线性回归Pytorch实现
importtorchimporttorch.utils.dataasDataimporttorch.nnasnnfromtorch.nnimportinitimporttorch.optimasoptimimportnumpyasnp#生成数据集num_inputs=2num_
examples
W.xyz
·
2022-11-25 22:07
机器学习
深度学习
pytorch
python
线性回归
详谈ORB-SLAM2代码运行流程
文章目录一、ORB-SLAM2代码运行流程1、项目文件简介(1)src文件夹是整个ORB-SLAM2的源文件,include是头文件,在src中每个头文件就写了一个类,类的定义在头文件中(2)
Examples
极客范儿
·
2022-11-25 20:33
关于算法那些事
SLAM
Vue3中echarts无法缩放的问题及解决方案
问题描述官网示例正常1、打开echarts官网示例:https://echarts.apache.org/
examples
/zh/editor.html?c=area
·
2022-11-25 18:52
MNIST数据集手写体识别(MLP实现)
tensorflowPython基础资料下载链接:深度学习基础网络模型(mnist手写体识别数据集)MNIST数据集手写体识别(MLP实现)importtensorflowastfimporttensorflow.
examples
.tutorials.mnist.input_dataasinput_data
zh3389
·
2022-11-25 17:43
TensorFlow相关
MLP
MNIST
深度学习08线性回归实现
importmatplotlib.pyplotaspltimportrandomimporttorchfromd2limporttorchasd2l#根据带有噪声的线性模型构造一个人造数据集#线性模型参数w=[2,-3.4]Tb=4.2和噪声项空生成数据集及其标签defsynthetic_data(w,b,num_
examples
画里的风
·
2022-11-25 12:49
深度学习
人工智能
线性回归
python
深度学习
机器学习,深度学习,资料大全
一、Tensorflow教程资源:(1)适合初学者的Tensorflow教程和代码示例:https://github.com/aymericdamien/TensorFlow-
Examples
。
xinxing_Star
·
2022-11-25 10:17
机器学习
深度学习
人工智能
学习资料
tensorflow中出现ImportError: cannot import name ‘trace‘错误解决方法
fromtensorflow_core.
examples
.tutorials.mnistimportinput_data出现ImportError:cannotimportname'trace’错误解决方法步骤一
lucky_bear_*
·
2022-11-25 04:42
tensorflow
focal Loss 损失函数
一、正负样本不均衡问题ClassImbalance(正负样本不平衡)带来的问题就是:样本中会存在大量的easy
examples
,且都是负样本(属于背景的样本)。
不瘦8斤的妥球球饼
·
2022-11-25 01:39
深度学习
机器学习
Unity体感设备KinectV2虚拟换装解决方案
准备工作Unity创建一个新工程(我使用的是2020.3.25),KinectFouUnity插件版本:Kinectv2
Examples
withMS-SDK2.13,Kinect插件示例3D换装Demo
有点朦
·
2022-11-25 00:28
多媒体互动软件
unity
游戏引擎
epoch, batch_size,iteration
Intheneuralnetworkterminology:oneepoch=oneforwardpassandonebackwardpassofallthetraining
examples
batchsize
xky1306102chenhong
·
2022-11-24 19:37
Tensorflow
matlab自动生成pi代码,深度学习代码生成 - MATLAB & Simulink - MathWorks 中国
GPU代码生成GenerateCUDAcodefordeeplearningneuralnetworksThis
examples
howshowtodevelopaCUDA®applicationfromaSimulink
苍蝇先生
·
2022-11-24 14:39
matlab自动生成pi代码
MATLAB积分函数integral()的使用方法
int()AbstractThisblogistoillustratetheusageofsomedefinitefunctions,suchas,integral()&int()inMatlab.The
examples
aregivenasfollows
MadJieJie
·
2022-11-24 14:17
Matlab
pytorch 源码分析 c++调试 (1) - libtorch调试记录, 进入torch c++源码调试的最方便方案
涉及资源libtorch-win-shared-with-deps-debug-1.9.0+cpu.zipdendisuhubdy__libtorch_
examples
pytorchv1.9.0源码:d69c22dd61a2f006dcfe1e3ea8468a3ecaf931aa
韩信忍蟑螂
·
2022-11-24 09:12
pytorch
cpp
源码
Vue 使用Echarts
$echarts=echarts//挂载到Vue实例上面二、使用https://echarts.apache.org/
examples
/zh/
chenfairy
·
2022-11-24 08:14
VUE
vue
echarts
官网实例详解4.20(lstm_stateful.py)-keras学习笔记四
Keras实例目录代码注释'''
Examples
criptshowinghowtouseastatefulLSTMmodelandhowitsstatelesscounterpartperforms.示例如何使用带状态
wyx100
·
2022-11-24 07:52
python
人工智能
深度学习
keras
第4周学习笔记-Neural Networks: Representation神经网络表述-Coursera机器学习-吴恩达
(函数)NeuronsandtheBrain神经元和大脑NeuralNetworksModelRepresentationI模型表示IModelRepresentationIIApplications
Examples
andIntuitionsI
brayo
·
2022-11-24 05:07
机器学习
吴恩达-Coursera-ML
课程笔记
机器学习
课程笔记
吴恩达-Coursera
神经网络
【机器学习】课程笔记07_神经网络的表述(Neural Networks Representation)
Non-linearHypotheses)神经元与大脑(NeurousandtheBrain)模型展示Ⅰ(ModelRepresentationⅠ)模型展示Ⅱ(ModelRepresentationⅡ)例子和直觉理解Ⅰ(
Examples
andIntuitionsⅠ
雀栎
·
2022-11-24 05:37
机器学习
神经网络
深度学习
【DGL教程】第5章 训练GNN
官方文档:https://docs.dgl.ai/en/latest/guide/training.html官方示例:https://github.com/dmlc/dgl/tree/master/
examples
zzy979
·
2022-11-24 05:17
DGL
图神经网络
DGL
图神经网络
看英语论文Explaining and Harnessing Adversarial
Examples
,头疼。。
EXPLAININGANDHARNESSINGADVERSARIAL
EXAMPLES
IanJ.Goodfellow,JonathonShlens&ChristianSzegedyGoogleInc.,MountainView
佛珠散了一地
·
2022-11-24 01:56
Linux(ubuntu 16.04) 安装 dlib C++
1.下载项目gitclonehttps://github.com/davisking/dlib2.编译dlibcddlib/
examples
mkdirbuild;cdbuild;cmake..
larry6799
·
2022-11-23 19:36
环境搭建
分享几个好用的网页设计时用到的网站~
1、Echarts图表(一个基于JavaScript的开源可视化图表库)
Examples
-ApacheECharts它的功能非常强大,包含了各种样式的图表,在制作一些统计类网站时可以用到,能够将网站变得生动有趣
滔滔不会轻易狗带
·
2022-11-23 18:01
前端
echarts
前端
javascript
/run.sh --indir
examples
/demo/ --outdir
examples
/results/ --vis
/run.sh--indir
examples
/demo/--outdir
examples
/results/--vis0generatingbboxfromFasterRCNN...Loadednetwork
Claire_ljy
·
2022-11-23 17:56
lua
python
开发工具
Linux常用基本命令分享
1.1man获得帮助信息基本语法man[命令或配置文件](功能描述:获得帮助信息)q退出显示说明信息功能NAME命令的名称和单行描述SYNOPSIS怎样使用命令DESCRIPTION命令功能的深入讨论
EXAMPLES
明仔爱编程
·
2022-11-23 16:07
Linux
shell
centos
linux
centos
运维
GAN 对抗生成网络代码实现
GenerativeAdversarialNetwork本篇的同名博客[生成对抗网络GAN入门指南](3)GAN的工程实践及基础代码In[1]:importtensorflowastffromtensorflow.
examples
.tutorials.mnistimportinput_dataimportnumpyasnpimportm
gdtop818
·
2022-11-23 15:34
machine
learning
deep
learning
GAN
Java3D Lecture
PetrosKomodromos,1-245,
[email protected]
/aTopics1IntroductiontoJava3D2Java3DReferences3Java3Donathena4
Examples
andAp
u011393661
·
2022-11-23 15:20
使用pyskl的stgcn++训练自己的数据集
https://github.com/kennymckormick/pyskl包含多种动作分类的模型,感谢大佬训练过程主要参考项目中的
examples
/extract_diving48_skeleton
大脸猫105
·
2022-11-23 14:38
python
开发语言
多分类
【论文笔记】DELVING INTO TRANSFERABLE ADVERSARIAL
EXAMPLES
AND BLACK-BOX ATTACKS
【摘要】深层神经网络的一个有趣的特性是存在对抗性样本,它可以在不同的体系结构之间进行转换。这些可转移的通用示例可能严重阻碍基于神经网络的深层次应用。以往的工作主要是利用小规模数据集来研究可移植性。在这项工作中,我们首先对大模型和大规模数据集的可转移性进行了广泛的研究,而且我们也是第一个研究目标敌方示例及其目标标签的可转移性的。我们研究了非针对性和针对性的对抗性例子,并表明虽然可转移的非目标性对抗性
kaguya1004
·
2022-11-23 13:04
机器学习
【对抗攻击论文笔记】对抗迁移性:Delving Into Transferable Adversarial
Examples
And Black-Box Attacks
文章目录论文概述ideamethod详细内容摘要1.介绍2对抗深度学习和可迁移性2.1对抗深度学习问题2.2对抗样本生成的方法2.3评估方法3.非定向对抗样本3.1基于优化3.2基于FGSM4.定向对抗样本5.集成的方法6.几何特征论文概述发表于ICLR2017,论文地址:https://arxiv.org/pdf/1611.02770——深入研究可迁移的对抗样本和黑盒攻击idea迁移性是指一个模
nanyidev
·
2022-11-23 13:03
对抗攻击论文笔记
深度学习
机器学习
人工智能
Vision Transformer(ViT)简介理解
参考:https://gitee.com/mindspore/vision/blob/master/
examples
/classification/vit/vit.ipynb模型特点ViT模型是应用于图像分类领域
愚昧之山绝望之谷开悟之坡
·
2022-11-23 12:34
MindSpore
NLP基础知识
笔记
transformer
深度学习
自然语言处理
【学术写作规范】论文写作注意事项
结构的逻辑性tips:在每个section使用总分总结构2.语句的逻辑性3.论证的逻辑性4.写作规范4.5论文写作流程5.论文主体的写作problemformulationmainresultnumerical
Examples
6
Echoooooh
·
2022-11-23 12:20
学术写作
论文
cmakelist 库依赖库_将第三方库添加到CMakeList
,我希望避免,因为我对此非常新,并希望尽可能保持基本.显然我不是唯一一个,项目业主已经回复了这个https://github.com/wjwwood/serial/issues/52我在serial/
examples
weixin_39553600
·
2022-11-23 09:03
cmakelist
库依赖库
MATLAB初始化数据方法汇总
1.randi():产生均匀分布的伪随机数(整数)
Examples
:%产生满足1-10之间均匀分布的3*5随机矩阵a1=randi(10,3,5);%产生满足-5-5之间均匀分布的2*10随机矩阵a1=
IRevers
·
2022-11-23 05:04
笔记
matlab
ORB-SLAM3_V1 源码阅读笔记 -
Examples
-ros_stereo_inertial.cc
主要参考:https://zhuanlan.zhihu.com/p/349401824,在此基础上对1.0版本的orbslam3代码解读。一、ORB-SLAM3的整体流程如下图所示:相比于ORB-SLAM2,主要的改进在于:加入了单目+IMU模式和双目+IMU模式。增加了多地图管理,在跟丢时会新建一个地图,从而提高跟踪的鲁棒性。在回环时也用到了跟丢之前的地图。改进了回环检测算法,提高了召回率。检测
My.科研小菜鸡
·
2022-11-23 05:47
#
ORB_SLAM3
ORBSLAM3
No module named ‘tensorflow.
examples
.tutorials‘报错解决办法
如图该情况报错,解决办法:(1)照着图片上,打开anconda中的cmdprompt,输入如下代码(如下图)查看自己tensorflow安装路径activatetensorflowpythonimporttensorflowastftf.__path__我的是E:\Anaconda\envs\tensorflow\Lib\site-packages\tensorflow(2)我这里没有那个exam
菜鸟1号!!
·
2022-11-23 05:12
日常问题
p2p
linq
gnu
tensorflow学习资源汇总
https://github.com/Codermay/Test-11)适合初学者的Tensorflow教程和代码示例:https://github.com/aymericdamien/TensorFlow-
Examples
2
wechat-920086481
·
2022-11-23 04:42
tensorflow
深度学习
通过示例学习Pytorch(LEARNING PYTORCH WITH
EXAMPLES
)
本教程通过独立的示例介绍了PyTorch的基本概念。PyTorch的核心是提供两个主要功能:n维张量,类似于numpy,但可以在GPUs上运行Automaticdifferentiation以构建和训练神经网络我们将使用一个完全连接的ReLU网络作为我们的运行示例。该网络将具有单个隐藏层,并且将通过最小化网络输出与真实输出之间的欧几里德距离来进行梯度下降训练,以适应随机数据。注意大家可以在本页结尾
孙琪翔
·
2022-11-23 03:32
TensorFlow学习笔记之源码分析(3)---- retrain.py
https://github.com/tensorflow/tensorflow/blob/master/tensorflow/
examples
/image_retraining/retrain.py"
daydayup_668819
·
2022-11-23 00:22
TensorFlow
TensorFlow
源代码
retrain.py
ORB-SLAM3:单目+imu 详细代码解读
/
Examples
/Monocular-Inertial/mono_inertial_euroc./Vocabulary/ORBvoc.txt.
dueen1123
·
2022-11-22 19:03
学习
Python numpy中的insert()函数用法
Examples
#注意数组是从索引0开
蝴蝶飞努力追
·
2022-11-22 17:23
python
【TensorFlow】MNIST手写数字识别
#输入程序fromtensorflow.
examples
.tutorials.mnistimportinput_datamnist=i
笔尖bj
·
2022-11-22 12:44
计算机视觉_机器学习
--------深度学习
机器视觉
MNIST
mnist手写体数字识别
7za 命令说明
来源:http://hi.baidu.com/hongszh/blog/item/dfd94043001822189213c6b2.html7-ZipCommand-Line
Examples
http:/
china_zhli
·
2022-11-22 12:24
compression
archive
command
wildcard
file
encryption
ITK 2D图像刚性配准
开发环境:VS2022,Windows10,ITK5.3使用数据为"D:\Windows\ITK-5.2.1\
Examples
\Data"下的BrainProtonDensitySliceBorder20
MaybeRichard
·
2022-11-22 12:19
ITK
c++
算法
开发语言
Tensorflow实现Softmax Regression识别手写数字
coding:utf-8-*-2"""3CreatedonThuMay1621:39:25201945@author:CFF6"""7importtensorflowastf8fromtensorflow.
examples
weixin_33711641
·
2022-11-22 10:14
人工智能
数据结构与算法
初试机器学习
-DUSE_NNPACK=OFF-DBUILD_
EXAMPLES
=ONe
weixin_30642267
·
2022-11-22 10:14
Tensorflow入门(谭秉峰)(六)MNIST数据集手写体识别
1.加载已经下载好的数据集(MNIST)#Author:Zubin#-*-coding:utf-8-*fromtensorflow.
examples
.tutorials.mnistimportinput_data
Coding#Life
·
2022-11-22 10:39
Tensorflow
神经网络
上一页
43
44
45
46
47
48
49
50
下一页
按字母分类:
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
其他