自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(27)
  • 资源 (2)
  • 收藏
  • 关注

原创 Win10下安装pyethash报错‘alloca.h’: No such file or directory”

问题:Win10下安装pyethash报错‘alloca.h’: No such file or directory”解决方案:从github上下ethash: https://github.com/ethereum/ethash编辑\src\libethash\mmap_win32.c,在最后一个#include后面添加:#pragma comment(lib, "Shell32.lib")编辑 \src\python\core.c,将#include <alloca.h&gt

2022-05-24 15:46:40 517

原创 TF1训练时出现 tensorflow.python.framework.errors_impl.InvalidArgumentError: <exception str() failed>

今天用跑TF1的代码时遇到错误:tensorflow.python.framework.errors_impl.InvalidArgumentError: <exception str() failed>从错误信息看不出来哪里出现问题,定位到出错的代码:打断点调试,得到具体的错误信息并改正。...

2021-11-11 23:40:48 1465

原创 TF1 RandomShuffleQueue ‘_3_shuffle_batch/random_shuffle_queue‘ is closed and has insufficient ...

今天在跑TF1code的时候遇到这样一个问题:OutOfRangeError (see above for traceback): RandomShuffleQueue '_3_shuffle_batch/random_shuffle_queue' is closed and has insufficient elements (requested 1, current size 0) [[Node: shuffle_batch = QueueDequeueManyV2[component_types

2021-11-09 11:10:58 258

原创 python2.7 import tensorflow 出现 SyntaxError: invalid syntax 错误

python2.7 import tensorflow 出现 SyntaxError: invalid syntax 错误今天跑一个python2.7+tensorflow1.10的代码的时候,import tensorflow 出现 SyntaxError: invalid syntax 错误。问题原因:https://github.com/protocolbuffers/protobuf 版本问题解决方法pip install protobuf==3.17.3...

2021-11-05 01:20:40 1185

转载 机器学习面试题总结

文章目录https://github.com/zhengjingwei/machine-learning-interview一、机器学习相关1、基本概念2、经典机器学习**特征工程**解答**一、机器学习相关****1、基本概念****2、经典机器学习****特征工程****基础算法原理和推导****KNN****支持向量机****朴素贝叶斯模型****线性回归****逻辑回归**如果一个样本只对应于一个标签(多分类问题):假设每个样本属于不同标签的概率服从几何分布,使用softmax regressio

2021-03-14 22:10:17 6677

原创 Ubuntu18.04LTS+CUDA9.0+Caffe-GPU配置

传送门Ubuntu18.04下基于 Anaconda3 安装编译 Caffe-GPU(超详细)按照以上教程来,基本没有问题。(小问题)编译caffe时出现/usr/include/boost/python/detail/wrap_python.hpp:50:23: fatal error: pyconfig.h: 没有那个文件或目录可参考:caffe : /wrap_python.hpp:50:23: fatal error: pyconfig.h: No such file or dir如果无法

2020-11-26 14:39:04 131

原创 Pycharm远程服务器debug问题解决

问题描述:Expected: %s to existorExpected: /home/my_user/.pycharm_helpers/pydev/pydevd_attach_to_process/attach_linux_amd64.so to exist参考资料:https://intellij-support.jetbrains.com/hc/en-us/community/posts/360007623919-Unexpected-output-on-remote-host...

2020-08-04 19:41:54 1784 5

原创 Different results from fit_generator and fit in Keras

https://github.com/keras-team/keras/issues/2389model.fit:fit(x=None, y=None, batch_size=None, epochs=1, verbose=1, callbacks=None, validation_split=0.0, validation_data=None, shuffle=True, class_weight=None, sample_weight=None, initial_epoch=0, steps_p

2020-06-10 18:00:48 146

原创 micro precision、micro Recall 和 micro F1

关于TP、FP、FN、TN以及Precision、Recall、F1(micro\macro)的定义可以参考:micro和macro F1 score分别是什么意思?(原创)sklearn中 F1-micro 与 F1-macro区别和计算原理这里说明一个问题,即在 2 中的例子中,计算得到 micro precision = 0.666, micro Recall = 0.571, 从而...

2020-03-18 23:44:20 1341

原创 pytorch网络模型可视化方法:tensorboardX

步骤:pip 安装tensorboardXfrom tensorboardX import SummaryWriter关键代码:with SummaryWriter(comment='tcn') as w: w.add_graph(model, input_to_model=dummy_input)在runs所在文件夹下命令行输入:tensorboard --logdir...

2020-03-15 15:48:36 313

原创 python数据持久化方法 pickle和joblib

scipy.io.savemat首先上代码,用scipy.io.savemat将numpy数组持久化保存到mat文件里:scipy.io.savemat('/data/weiyuhua/AFClassification/preprocessed_data_new/data_aug_1.mat', mdict={'trainset': trainset[0:ha...

2020-03-14 20:56:22 770

原创 numpy数组与list的转换、切片与深(浅)拷贝

list转np.array:List元素是一维array的情况:a = np.array([1,2])b = np.array([5,6,7])c = [a,b]d = np.array(c)转换成功:2. List元素是二维array的情况:a = np.array([[1,2],[3,4]])b = np.array([[5,6,7],[8,9,10]])c = [a...

2020-03-13 21:03:31 313

原创 tensorflow.keras与keras:TypeError: objectof type 'xxx' has no len()

from tensorflow.keras.layers import Input, Multiply, GlobalAveragePooling1D, Add, Dense, Activation, ZeroPadding1D, \ BatchNormalization, Flatten, Conv1D, AveragePooling1D, MaxPooling1D, GlobalMax...

2020-03-12 14:56:05 1791 7

原创 深度学习不相信直觉!

一个比较违反直觉的例子:一个用于Time-series数据分类的inception网络,module结构如下,用6个module组合成一个完整的网络,参数量为42万用12个module组合成一个完整的网络,参数量为90万但是1的训练的速度大概是2的2.5倍,经过查看模型构建代码发现可能的原因是1中卷积层中stride=1,2中stride=2,得到的feature map大小不同,造成2...

2020-03-07 12:00:54 150

原创 How to Ensemble Neural Network Models

The field of ensemble learning is well studied and there are many variations on this simple theme.It can be helpful to think of varying each of the three major elements of the ensemble method; for ex...

2020-02-15 20:01:25 1060

原创 高斯过程(Gaussian Process, GP)与贝叶斯优化(Bayesian Optimization)

链接:《看得见的高斯过程:这是一份直观的入门解读》原文:A Visual Exploration of Gaussian Processes

2020-02-14 19:34:41 1202

原创 Research Guide for Neural Architecture Search

作者 | Derrick Mwiti译者 | 夏夜编辑 | NatalieAI 前线从训练到用不同的参数做实验,设计神经网络的过程是劳力密集型的,非常具有挑战性,而且常常很麻烦。但是想象一下,如果能够将这个过程实现自动化呢?将这种想象转变为现实,就是本指南的核心内容。我们将探索一系列的研究论文,这些论文试图解决具有挑战性的自动化神经网络设计任务。在本指南中,我们假设读者尝试过使用 Keras ...

2020-02-14 12:27:45 200

原创 Ubuntu远程服务器更新GPU驱动过程及遇到的问题

Ubuntu远程服务器更新GPU驱动过程及遇到的问题安装驱动的方法可以参考:Linux安装NVIDIA显卡驱动的正确姿势Ubuntu 18.04安装NVIDIA(英伟达) RTX2080Ti显卡安装过程中遇到的问题:“unable to find the development tool ‘cc’ in your path”:https://blog.csdn.net/mangoba...

2020-01-12 23:04:18 1040

原创 python报错:“TypeError: can't pickle _thread.RLock objects” “ValueError: No model found in config file”

TypeError: can’t pickle _thread.RLock objects在使用Keras框架,保存模型的代码是: ModelCheckpoint( filepath=os.path.join(self.config.callbacks.checkpoint_dir, '%s-{epoch:02d}-{val_loss:.2f}.hdf5' % ...

2020-01-12 12:19:51 4668 9

原创 Linux服务器配置多版本CUDA的方法和问题

Linux服务器配置多版本CUDA的方法和问题配置过程可参考:https://www.cnblogs.com/sddai/p/10278005.htmlhttps://blog.csdn.net/hizengbiao/article/details/88625044遇到的问题:按照以上方法,在实验室的服务器上下载了cuda 10.0和cudnn v7.6.4,改写了.bashrc文件:...

2020-01-11 20:13:17 1118

原创 seaborn画heatmap时出现的bug及解决

SeabornSeaborn是基于matplotlib的图形可视化python包。它提供了一种高度交互式界面,便于用户能够做出各种有吸引力的统计图表。Seaborn是在matplotlib的基础上进行了更高级的API封装,从而使得作图更加容易,在大多数情况下使用seaborn能做出很具有吸引力的图,而使用matplotlib就能制作具有更多特色的图。应该把Seaborn视为matplotlib...

2019-12-02 00:15:18 3249

原创 Could not install packages due to an EnvironmentError: [Errno 2] No such file or directory

今天用pip在虚拟python环境下安装tensorflow==1.14.0时,出现错误:Could not install packages due to an EnvironmentError: [Errno 2] No such file or directory试了很多办法都无法解决,最后发现竟然是因为包安装路径path太长导致的,最后把缩短了项目名,并向前移动了文件夹,得以解决。具...

2019-11-25 18:31:28 383

原创 Module 'pip' has no attribute 'pep425tags' || Module 'pip._internal' has no attribute 'pep425tags'

Module ‘pip’ has no attribute ‘pep425tags’:AMD64import pip._internalprint(pip._internal.pep425tags.get_supported())WIN32import pipprint(pip.pep425tags.get_supported())Module ‘pip._internal’ h...

2019-11-11 21:03:07 497 1

原创 Win10+Ubuntu18双系统下修复ubuntu启动引导

电脑本来装的是Win10+Ubuntu 18.04.3 LTS,今天由于使用分区助手扩充C盘容量导致Win10系统奔溃,C盘里的东西都没了,所以重新安装了Win10系统。但是Win10升级或者重装会导致linux的启动引导覆盖掉(ESP引导分区中/EFI/Ubuntu),easyUEFI、easyBCD、bootice都是无法解决的,最后参考https://www.cnblogs.com/lymb...

2019-10-20 03:42:58 2332

原创 《Deep learning for time series classification a review》笔记

《Deep learning for time series classification: a review》1. 摘要​时间序列分类(TSC)是数据挖掘中一个重要且具有挑战性的问题。随着时间序列数据可用性的增加,已经提出了数百种TSC算法。在这些方法中,只有少数人考虑过深度神经网络(DNN)来执行这项任务。在本文中,我们简介TSC最新DNN架构,研究了TSC深度学习算法的当前最新性能。在此...

2019-10-17 22:34:40 6342 1

原创 解决 “ModuleNotFoundError: No module named 'tensorflow.keras'; 'tensorflow' is not a package”问题

解决 “ModuleNotFoundError: No module named 'tensorflow.keras'; 'tensorflow' is not a package”问题问题描述解决办法问题描述解决办法问题其实很简单,文件名“tensorflow.py”冲突导致,换个文件名就OK了。What a dumb error![1] https://stackoverflow....

2019-10-12 11:39:24 4101 2

原创 《A Review of Unsupervised Feature Learning and Deep Learning for Time-Series Modeling》笔记

A Review of Unsupervised Feature Learning and Deep Learning for Time-Series ModelingAbstract​ 这篇文章所做的:1.概述时序数据处理中的挑战2. time-series data 和 unsupervised feature learning1. Introduction and Backgrou...

2019-10-09 20:24:02 856

Bayesian Optimization.pdf

Bayesian Optimization:If an exact functional form for f is not available (that is, f behaves as a “black box”), what can we do? Bayesian optimization proceeds by maintaining a probabilistic belief about f and designing a so called acquisition function to determine where to evaluate the function next. Bayesian optimization is particularly well-suited to global optimization problems where f is an expensive black-box function。

2020-02-14

Bayesian Optimization Primer.pdf

In this short introduction we introduce Bayesian optimization and several techniques that SigOpt uses to optimize users models and simulations.

2020-02-14

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除