自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(10)
  • 资源 (4)
  • 收藏
  • 关注

原创 遗传算法

https://blog.csdn.net/weixin_37790882/article/details/84034956https://blog.csdn.net/weixin_37790882/article/details/100622338

2019-12-19 13:20:08 148

原创 一文搞定机器学习算法

import pandas as pdimport numpy as npimport matplotlib.pyplot as pltimport seaborn as snspima = pd.read_csv('PimaIndiansdiabetes.csv')#打印关于pima的数据描述# print(pima.describe())#前25%的数,中位数,前75%的数#...

2019-12-18 17:48:29 358

原创 词嵌入

import torchimport torch.nn as nntorch.manual_seed(1)word_to_ix = {}c = 0with open('taiping\所有名字.txt') as f: for data in f.readlines(): word_to_ix[data.strip()] = c c += 1e...

2019-12-18 14:46:47 148

原创 多线程统计频次

import csvimport numpy as npimport requestsfrom multiprocessing import Pool # 导入进程池my_matrix = np.zeros(shape=(19000,190))# czsj = []def func(): with open(r'C:\Users\Administrator\Downloa...

2019-12-18 09:08:16 420

原创 字典可视化

import csvimport numpy as npimport matplotlib.pyplot as plthospitals = {}with open(r'C:\Users\Administrator\Downloads\df_test.csv',encoding='utf8') as f: datas = csv.reader(f) i = 0 ...

2019-12-16 18:24:02 1531

原创 xgboost加载模型进行预测

比较好的完整示例:https://blog.csdn.net/u010159842/article/details/78053669X = train.drop(['标签', '用户标识'], axis=1)xgb_train = xgb.DMatrix(X, label=y)tar = xgb.Booster(model_file='20170201_B.model')pr...

2019-12-05 10:27:18 1723 1

原创 xgboost项目实战

import xgboost as xgbstart_time = time.time()offline = 0online = 0params = {'booster': 'gbtree', 'objective': 'rank:pairwise', 'eval_metric': 'auc', 'gamma': 0.1, ...

2019-12-05 10:03:24 685

原创 sklearn转换onehot

from sklearn.preprocessing import OneHotEncodera1 = OneHotEncoder(sparse = False).fit_transform( trains[['用户性别']] )

2019-12-05 09:32:36 350 2

原创 pandas数据分析2

import timeimport mathimport numpy as np # linear algebraimport pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv)import matplotlib.pyplot as pltimport matplotlib as mplimport seab...

2019-12-04 17:40:12 129

原创 pandas数据分析实战1

import timeimport mathimport numpy as np # linear algebraimport pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv)import matplotlib.pyplot as pltimport matplotlib as mplimport seab...

2019-12-04 17:12:28 189

ImageWatch.vsix

vs2017图片显示插件

2024-01-25

yolov8-tensorrt-vs2017

yolov8 tensorrt 分割推理代码

2023-04-10

yolov8 tensorrt c++推理

yolov8 tensorrt c++推理

2023-03-10

深度学习图像识别技术.zip

深度学习图像识别技术.zip

2021-07-28

CatVsDog.zip

CatVsDog.zip

2021-07-28

word2vec訓練集text8.zip

word2vec訓練集text8.zip 使用word2vec的两种方法来构建word embedding,同时将embedding降维显示在图像上 一种是skip-gram ``` w2v_skip_gram.py ``` 一种是CBOW ``` w2v_cbow.py ``` 两种方法都使用负采样的方法计算loss # 输入 经过分词的汉语文章 # 输出 每个分词 + 128 维的词向量 词向量降维,可视化图片 # 其他 数据处理的时候用到采样方法来进行高频噪声去除 原理见https://zhuanlan.zhihu.com/p/27296712

2019-05-06

minist手写数字数据集

MNIST 数据集来自美国国家标准与技术研究所, National Institute of Standards and Technology (NIST). 训练集 (training set) 由来自 250 个不同人手写的数字构成, 其中 50% 是高中学生, 50% 来自人口普查局 (the Census Bureau) 的工作人员. 测试集(test set) 也是同样比例的手写数字数据.

2018-12-22

空空如也

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

TA关注的人

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