school_df = school_df.dropna(thresh=len(school_df)*0.9, axis=1)

时间: 2024-05-19 18:15:58 浏览: 139
This line of code drops columns in the dataset 'school_df' that have missing values more than 10% of the total number of rows. The parameter 'thresh' indicates the minimum number of non-null values that a column should have to be retained, and 'axis=1' specifies that the operation should be applied across columns. This code helps in cleaning the dataset by removing irrelevant or incomplete columns.
相关问题

param = {'num_leaves': 31, 'min_data_in_leaf': 20, 'objective': 'binary', 'learning_rate': 0.06, "boosting": "gbdt", "metric": 'None', "verbosity": -1} trn_data = lgb.Dataset(trn, trn_label) val_data = lgb.Dataset(val, val_label) num_round = 666 # clf = lgb.train(param, trn_data, num_round, valid_sets=[trn_data, val_data], verbose_eval=100, # early_stopping_rounds=300, feval=win_score_eval) clf = lgb.train(param, trn_data, num_round) # oof_lgb = clf.predict(val, num_iteration=clf.best_iteration) test_lgb = clf.predict(test, num_iteration=clf.best_iteration)thresh_hold = 0.5 oof_test_final = test_lgb >= thresh_hold print(metrics.accuracy_score(test_label, oof_test_final)) print(metrics.confusion_matrix(test_label, oof_test_final)) tp = np.sum(((oof_test_final == 1) & (test_label == 1))) pp = np.sum(oof_test_final == 1) print('accuracy1:%.3f'% (tp/(pp)))test_postive_idx = np.argwhere(oof_test_final == True).reshape(-1) # test_postive_idx = list(range(len(oof_test_final))) test_all_idx = np.argwhere(np.array(test_data_idx)).reshape(-1) stock_info['trade_date_id'] = stock_info['trade_date'].map(date_map) stock_info['trade_date_id'] = stock_info['trade_date_id'] + 1tmp_col = ['ts_code', 'trade_date', 'trade_date_id', 'open', 'high', 'low', 'close', 'ma5', 'ma13', 'ma21', 'label_final', 'name'] stock_info.iloc[test_all_idx[test_postive_idx]] tmp_df = stock_info[tmp_col].iloc[test_all_idx[test_postive_idx]].reset_index() tmp_df['label_prob'] = test_lgb[test_postive_idx] tmp_df['is_limit_up'] = tmp_df['close'] == tmp_df['high'] buy_df = tmp_df[(tmp_df['is_limit_up']==False)].reset_index() buy_df.drop(['index', 'level_0'], axis=1, inplace=True)buy_df['buy_flag'] = 1 stock_info_copy['sell_flag'] = 0tmp_idx = (index_df['trade_date'] == test_date_min+1) close1 = index_df[tmp_idx]['close'].values[0] test_date_max = 20220829 tmp_idx = (index_df['trade_date'] == test_date_max) close2 = index_df[tmp_idx]['close'].values[0]tmp_idx = (stock_info_copy['trade_date'] >= test_date_min) & (stock_info_copy['trade_date'] <= test_date_max) tmp_df = stock_info_copy[tmp_idx].reset_index(drop=True)from imp import reload import Account reload(Account) money_init = 200000 account = Account.Account(money_init, max_hold_period=20, stop_loss_rate=-0.07, stop_profit_rate=0.12) account.BackTest(buy_df, tmp_df, index_df, buy_price='open')tmp_df2 = buy_df[['ts_code', 'trade_date', 'label_prob', 'label_final']] tmp_df2 = tmp_df2.rename(columns={'trade_date':'buy_date'}) tmp_df = account.info tmp_df['buy_date'] = tmp_df['buy_date'].apply(lambda x: int(x)) tmp_df = tmp_df.merge(tmp_df2, on=['ts_code', 'buy_date'], how='left')最终的tmp_df是什么?tmp_df[tmp_df['label_final']==1]又选取了什么股票?

根据代码逐行分析,tmp_df 是一个 DataFrame,包含了股票的信息以及回测结果。其中,选取了 label_final 为 1 的股票,也就是模型预测为涨的股票,并且过滤掉了当天涨停的股票。最终买入的股票信息保存在 buy_df 中,回测时将其与 stock_info_copy、index_df 进行合并,得到了回测的结果,并将买入的股票信息与回测结果合并,生成了最终的 tmp_df。

vm.swappiness=0 net.ipv4.ip_forward=1 net.bridge.bridge-nf-call-iptables=1 net.bridge.bridge-nf-call-ip6tables = 1 net.ipv4.neigh.default.gc_thresh1=4096 net.ipv4.neigh.default.gc_thresh2=6144 net.ipv4.neigh.default.gc_thresh3=8192

这些是一些常见的Linux内核参数配置,用于优化网络和系统性能。具体含义如下: - vm.swappiness=0:这个参数控制系统在内存不足时使用交换空间的程度。将其设置为0可以减少系统使用交换空间的频率,提高性能。 - net.ipv4.ip_forward=1:这个参数用于启用IPv4数据包转发功能,允许Linux系统作为路由器转发IP数据包。 - net.bridge.bridge-nf-call-iptables=1:这个参数用于启用iptables桥接模块,允许iptables对桥接的数据包进行过滤。 - net.bridge.bridge-nf-call-ip6tables=1:这个参数用于启用ip6tables桥接模块,允许ip6tables对桥接的IPv6数据包进行过滤。 - net.ipv4.neigh.default.gc_thresh1=4096:这个参数用于设置ARP缓存清理的阈值。当ARP缓存中的条目数量超过该阈值时,系统将启动清理操作。 - net.ipv4.neigh.default.gc_thresh2=6144:这个参数是第二个清理阈值,当ARP缓存中的条目数量超过该阈值时,系统将进一步加大清理力度。 - net.ipv4.neigh.default.gc_thresh3=8192:这个参数是第三个清理阈值,当ARP缓存中的条目数量超过该阈值时,系统将以最大力度进行清理。 这些参数的具体配置需要根据系统需求和网络环境进行调整。请确保在修改这些参数之前了解其含义和潜在影响,并谨慎操作。
阅读全文

相关推荐

def cell_counter(image, min_area=20): """细胞计数""" # for s in image: df = pd.DataFrame() image =cv2.imread(image) gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY) ret, thresh = cv2.threshold(gray, 100, 255, cv2.THRESH_BINARY + cv2.THRESH_OTSU) kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (3, 3)) opening = cv2.morphologyEx(thresh, cv2.MORPH_OPEN, kernel, iterations=2) distance = ndi.distance_transform_edt(opening) coords = peak_local_max(distance, min_distance=9, footprint=np.ones((7, 7)), labels=opening) mask = np.zeros(distance.shape, dtype=bool) mask[tuple(coords.T)] = True markers, _ = ndi.label(mask) labels = watershed(-distance, markers, mask=opening, watershed_line=True) labels_area = [region.area for region in regionprops(labels) if region.area > min_area] cell_num = len(labels_area) print(cell_num) df = df.append(pd.DataFrame({(file_path,cell_num)}, index=[0]), ignore_index=True) print(df) # return cell_num # df.to_excel('1.xlsx', index=False) if __name__ == '__main__': path = r'D:\0531test' slide_path = os.listdir(path) # df =pd.DataFrame(slide_path) # df.to_excel('1.xlsx',index=False) for i in slide_path: slide_name = os.path.basename(i) #slide_name 样本名称 file_path = os.path.join(path,slide_name) images = os.listdir(file_path) f = glob.glob(os.path.join(file_path, '*.jpg')) for image in f: # print(s) # for s in images: # image_name = os.path.basename(s) # name = image_name.replace('.jpg','') # df = df.append(pd.DataFrame({(file_path,name[:-8])}, index=[0]), ignore_index=True) cell_counter(image) # df.to_excel('1.xlsx',index=False)

分析这个代码class OhemCrossEntropy(nn.Module): def __init__(self, ignore_label=-1, thres=0.7, min_kept=100000, weight=None): super(OhemCrossEntropy, self).__init__() self.thresh = thres self.min_kept = max(1, min_kept) self.ignore_label = ignore_label self.criterion = nn.CrossEntropyLoss( weight=weight, ignore_index=ignore_label, reduction='none' ) def _ce_forward(self, score, target): ph, pw = score.size(2), score.size(3) h, w = target.size(1), target.size(2) if ph != h or pw != w: score = F.interpolate(input=score, size=( h, w), mode='bilinear', align_corners=config.MODEL.ALIGN_CORNERS) loss = self.criterion(score, target) return loss def _ohem_forward(self, score, target, **kwargs): ph, pw = score.size(2), score.size(3) h, w = target.size(1), target.size(2) if ph != h or pw != w: score = F.interpolate(input=score, size=( h, w), mode='bilinear', align_corners=config.MODEL.ALIGN_CORNERS) pred = F.softmax(score, dim=1) pixel_losses = self.criterion(score, target).contiguous().view(-1) mask = target.contiguous().view(-1) != self.ignore_label tmp_target = target.clone() tmp_target[tmp_target == self.ignore_label] = 0 pred = pred.gather(1, tmp_target.unsqueeze(1)) pred, ind = pred.contiguous().view(-1,)[mask].contiguous().sort() min_value = pred[min(self.min_kept, pred.numel() - 1)] threshold = max(min_value, self.thresh) pixel_losses = pixel_losses[mask][ind] pixel_losses = pixel_losses[pred < threshold] return pixel_losses.mean() def forward(self, score, target): if config.MODEL.NUM_OUTPUTS == 1: score = [score] weights = config.LOSS.BALANCE_WEIGHTS assert len(weights) == len(score) functions = [self._ce_forward] * \ (len(weights) - 1) + [self._ohem_forward] return sum([ w * func(x, target) for (w, x, func) in zip(weights, score, functions) ])

import cv2 import matplotlib.pyplot as plt import numpy as np from skimage.measure import label, regionprops file_url = './data/origin/DJI_0081.jpg' output_url = './DJI_0081_ROI.jpg' def show_img(img, title): cv2.namedWindow(title, cv2.WINDOW_NORMAL) cv2.imshow(title, img) def output_img(img, url): cv2.imwrite(url, img, [int(cv2.IMWRITE_PNG_COMPRESSION), 9]) # 使用2g-r-b分离 src = cv2.imread(file_url) show_img(src, 'src') # 转换为浮点数进行计算 fsrc = np.array(src, dtype=np.float32) / 255.0 (b, g, r) = cv2.split(fsrc) gray = 2 * g - 0.9 * b - 1.1 * r # 求取最大值和最小值 (minVal, maxVal, minLoc, maxLoc) = cv2.minMaxLoc(gray) # 转换为u8类型,进行otsu二值化 gray_u8 = np.array((gray - minVal) / (maxVal - minVal) * 255, dtype=np.uint8) (thresh, bin_img) = cv2.threshold(gray_u8, -1.0, 255, cv2.THRESH_OTSU) show_img(bin_img, 'bin_img') def find_max_connected_component(binary_img): # 输出二值图像中所有的连通域 img_label, num = label(binary_img, connectivity=1, background=0, return_num=True) # connectivity=1--4 connectivity=2--8 # print('+++', num, img_label) # 输出连通域的属性,包括面积等 props = regionprops(img_label) resMatrix = np.zeros(img_label.shape).astype(np.uint8) # 只保留最大的连通域 max_area = 0 max_index = 0 for i in range(0, len(props)): if props[i].area > max_area: max_area = props[i].area max_index = i tmp = (img_label == max_index + 1).astype(np.uint8) resMatrix += tmp resMatrix *= 255 return resMatrix bin_img = find_max_connected_component(bin_img) show_img(bin_img, 'bin_img') # 得到彩色的图像 (b8, g8, r8) = cv2.split(src) color_img = cv2.merge([b8 & bin_img, g8 & bin_img, r8 & bin_img]) output_img(color_img, output_url) show_img(color_img, 'color_img') cv2.waitKey() cv2.destroyAllWindows()

function [pesq_mos, pesq_seg] = pesq(ref, deg, fs) % Check inputs if nargin < 3 fs = 16000; end if nargin < 2 error('Not enough input arguments'); end if length(ref) ~= length(deg) error('Input signals must be of equal length'); end % Load filter coefficients load('pesq_filter.mat'); % High-pass filter deg_hp = filter(b_hp, a_hp, deg); % Remove silence [r_beg, r_end] = find_voiced(ref, fs); [d_beg, d_end] = find_voiced(deg_hp, fs); r_sig = ref(r_beg:r_end); d_sig = deg_hp(d_beg:d_end); % Find maximum length sig_len = min(length(r_sig), length(d_sig)); % Filter signals r_sig = filter(b_lpf, a_lpf, r_sig(1:sig_len)); d_sig = filter(b_lpf, a_lpf, d_sig(1:sig_len)); % Resample signals r_sig = resample(r_sig, 8000, fs); d_sig = resample(d_sig, 8000, fs); % Calculate PESQ [pesq_mos, pesq_seg] = pesq_mex(r_sig, d_sig); end function [beg, endd] = find_voiced(sig, fs) % Set parameters win_len = 240; win_shift = 80; sil_thresh = 30; min_voiced = 0.1; % Calculate energy sig_pow = sig.^2; sig_pow_filt = filter(ones(1, win_len)/win_len, 1, sig_pow); % Normalize sig_pow_filt = sig_pow_filt/max(sig_pow_filt); % Find voiced segments beg = []; endd = []; num_voiced = 0; for n = 1:win_shift:length(sig)-win_len if sig_pow_filt(n+win_len/2) > min_voiced && ... mean(sig_pow_filt(n:n+win_len-1)) > sil_thresh if isempty(beg) beg = n; end else if ~isempty(beg) endd = [endd n-1]; num_voiced = num_voiced + 1; beg = []; end end end if ~isempty(beg) endd = [endd length(sig)]; num_voiced = num_voiced + 1; end % Remove segments that are too short min_len = fs*0.05; len_voiced = endd-beg+1; too_short = len_voiced < min_len; beg(too_short) = []; endd(too_short) = []; end中的pesq_mex.mexa64

最新推荐

recommend-type

OpenCV stitching_detailed.cpp解读

- `--conf_thresh`:判断两图像是否属于同一全景图的置信度阈值。 - `--ba`:光束平均法的误差函数类型。 - `--wave_correct`:波形校正类型,水平、垂直或不进行校正。 - `--save_graph`:保存匹配图的文件名。 - `...
recommend-type

关于组织参加“第八届‘泰迪杯’数据挖掘挑战赛”的通知-4页

关于组织参加“第八届‘泰迪杯’数据挖掘挑战赛”的通知-4页
recommend-type

PyMySQL-1.1.0rc1.tar.gz

PyMySQL-1.1.0rc1.tar.gz
recommend-type

Aspose资源包:转PDF无水印学习工具

资源摘要信息:"Aspose.Cells和Aspose.Words是两个非常强大的库,它们属于Aspose.Total产品家族的一部分,主要面向.NET和Java开发者。Aspose.Cells库允许用户轻松地操作Excel电子表格,包括创建、修改、渲染以及转换为不同的文件格式。该库支持从Excel 97-2003的.xls格式到最新***016的.xlsx格式,还可以将Excel文件转换为PDF、HTML、MHTML、TXT、CSV、ODS和多种图像格式。Aspose.Words则是一个用于处理Word文档的类库,能够创建、修改、渲染以及转换Word文档到不同的格式。它支持从较旧的.doc格式到最新.docx格式的转换,还包括将Word文档转换为PDF、HTML、XAML、TIFF等格式。 Aspose.Cells和Aspose.Words都有一个重要的特性,那就是它们提供的输出资源包中没有水印。这意味着,当开发者使用这些资源包进行文档的处理和转换时,最终生成的文档不会有任何水印,这为需要清洁输出文件的用户提供了极大的便利。这一点尤其重要,在处理敏感文档或者需要高质量输出的企业环境中,无水印的输出可以帮助保持品牌形象和文档内容的纯净性。 此外,这些资源包通常会标明仅供学习使用,切勿用作商业用途。这是为了避免违反Aspose的使用协议,因为Aspose的产品虽然是商业性的,但也提供了免费的试用版本,其中可能包含了特定的限制,如在最终输出的文档中添加水印等。因此,开发者在使用这些资源包时应确保遵守相关条款和条件,以免产生法律责任问题。 在实际开发中,开发者可以通过NuGet包管理器安装Aspose.Cells和Aspose.Words,也可以通过Maven在Java项目中进行安装。安装后,开发者可以利用这些库提供的API,根据自己的需求编写代码来实现各种文档处理功能。 对于Aspose.Cells,开发者可以使用它来完成诸如创建电子表格、计算公式、处理图表、设置样式、插入图片、合并单元格以及保护工作表等操作。它也支持读取和写入XML文件,这为处理Excel文件提供了更大的灵活性和兼容性。 而对于Aspose.Words,开发者可以利用它来执行文档格式转换、读写文档元数据、处理文档中的文本、格式化文本样式、操作节、页眉、页脚、页码、表格以及嵌入字体等操作。Aspose.Words还能够灵活地处理文档中的目录和书签,这让它在生成复杂文档结构时显得特别有用。 在使用这些库时,一个常见的场景是在企业应用中,需要将报告或者数据导出为PDF格式,以便于打印或者分发。这时,使用Aspose.Cells和Aspose.Words就可以实现从Excel或Word格式到PDF格式的转换,并且确保输出的文件中不包含水印,这提高了文档的专业性和可信度。 需要注意的是,虽然Aspose的产品提供了很多便利的功能,但它们通常是付费的。用户需要根据自己的需求购买相应的许可证。对于个人用户和开源项目,Aspose有时会提供免费的许可证。而对于商业用途,用户则需要购买商业许可证才能合法使用这些库的所有功能。"
recommend-type

管理建模和仿真的文件

管理Boualem Benatallah引用此版本:布阿利姆·贝纳塔拉。管理建模和仿真。约瑟夫-傅立叶大学-格勒诺布尔第一大学,1996年。法语。NNT:电话:00345357HAL ID:电话:00345357https://theses.hal.science/tel-003453572008年12月9日提交HAL是一个多学科的开放存取档案馆,用于存放和传播科学研究论文,无论它们是否被公开。论文可以来自法国或国外的教学和研究机构,也可以来自公共或私人研究中心。L’archive ouverte pluridisciplinaire
recommend-type

【R语言高性能计算秘诀】:代码优化,提升分析效率的专家级方法

![R语言](https://www.lecepe.fr/upload/fiches-formations/visuel-formation-246.jpg) # 1. R语言简介与计算性能概述 R语言作为一种统计编程语言,因其强大的数据处理能力、丰富的统计分析功能以及灵活的图形表示法而受到广泛欢迎。它的设计初衷是为统计分析提供一套完整的工具集,同时其开源的特性让全球的程序员和数据科学家贡献了大量实用的扩展包。由于R语言的向量化操作以及对数据框(data frames)的高效处理,使其在处理大规模数据集时表现出色。 计算性能方面,R语言在单线程环境中表现良好,但与其他语言相比,它的性能在多
recommend-type

在构建视频会议系统时,如何通过H.323协议实现音视频流的高效传输,并确保通信的稳定性?

要通过H.323协议实现音视频流的高效传输并确保通信稳定,首先需要深入了解H.323协议的系统结构及其组成部分。H.323协议包括音视频编码标准、信令控制协议H.225和会话控制协议H.245,以及数据传输协议RTP等。其中,H.245协议负责控制通道的建立和管理,而RTP用于音视频数据的传输。 参考资源链接:[H.323协议详解:从系统结构到通信流程](https://wenku.csdn.net/doc/2jtq7zt3i3?spm=1055.2569.3001.10343) 在构建视频会议系统时,需要合理配置网守(Gatekeeper)来提供地址解析和准入控制,保证通信安全和地址管理
recommend-type

Go语言控制台输入输出操作教程

资源摘要信息:"在Go语言(又称Golang)中,控制台的输入输出是进行基础交互的重要组成部分。Go语言提供了一组丰富的库函数,特别是`fmt`包,来处理控制台的输入输出操作。`fmt`包中的函数能够实现格式化的输入和输出,使得程序员可以轻松地在控制台显示文本信息或者读取用户的输入。" 1. fmt包的使用 Go语言标准库中的`fmt`包提供了许多打印和解析数据的函数。这些函数可以让我们在控制台上输出信息,或者从控制台读取用户的输入。 - 输出信息到控制台 - Print、Println和Printf是基本的输出函数。Print和Println函数可以输出任意类型的数据,而Printf可以进行格式化输出。 - Sprintf函数可以将格式化的字符串保存到变量中,而不是直接输出。 - Fprint系列函数可以将输出写入到`io.Writer`接口类型的变量中,例如文件。 - 从控制台读取信息 - Scan、Scanln和Scanf函数可以读取用户输入的数据。 - Sscan、Sscanln和Sscanf函数则可以从字符串中读取数据。 - Fscan系列函数与上面相对应,但它们是将输入读取到实现了`io.Reader`接口的变量中。 2. 输入输出的格式化 Go语言的格式化输入输出功能非常强大,它提供了类似于C语言的`printf`和`scanf`的格式化字符串。 - Print函数使用格式化占位符 - `%v`表示使用默认格式输出值。 - `%+v`会包含结构体的字段名。 - `%#v`会输出Go语法表示的值。 - `%T`会输出值的数据类型。 - `%t`用于布尔类型。 - `%d`用于十进制整数。 - `%b`用于二进制整数。 - `%c`用于字符(rune)。 - `%x`用于十六进制整数。 - `%f`用于浮点数。 - `%s`用于字符串。 - `%q`用于带双引号的字符串。 - `%%`用于百分号本身。 3. 示例代码分析 在文件main.go中,可能会包含如下代码段,用于演示如何在Go语言中使用fmt包进行基本的输入输出操作。 ```go package main import "fmt" func main() { var name string fmt.Print("请输入您的名字: ") fmt.Scanln(&name) // 读取一行输入并存储到name变量中 fmt.Printf("你好, %s!\n", name) // 使用格式化字符串输出信息 } ``` 以上代码首先通过`fmt.Print`函数提示用户输入名字,并等待用户从控制台输入信息。然后`fmt.Scanln`函数读取用户输入的一行信息(包括空格),并将其存储在变量`name`中。最后,`fmt.Printf`函数使用格式化字符串输出用户的名字。 4. 代码注释和文档编写 在README.txt文件中,开发者可能会提供关于如何使用main.go代码的说明,这可能包括代码的功能描述、运行方法、依赖关系以及如何处理常见的输入输出场景。这有助于其他开发者理解代码的用途和操作方式。 总之,Go语言为控制台输入输出提供了强大的标准库支持,使得开发者能够方便地处理各种输入输出需求。通过灵活运用fmt包中的各种函数,可以轻松实现程序与用户的交互功能。
recommend-type

"互动学习:行动中的多样性与论文攻读经历"

多样性她- 事实上SCI NCES你的时间表ECOLEDO C Tora SC和NCESPOUR l’Ingén学习互动,互动学习以行动为中心的强化学习学会互动,互动学习,以行动为中心的强化学习计算机科学博士论文于2021年9月28日在Villeneuve d'Asq公开支持马修·瑟林评审团主席法布里斯·勒菲弗尔阿维尼翁大学教授论文指导奥利维尔·皮耶昆谷歌研究教授:智囊团论文联合主任菲利普·普雷教授,大学。里尔/CRISTAL/因里亚报告员奥利维耶·西格德索邦大学报告员卢多维奇·德诺耶教授,Facebook /索邦大学审查员越南圣迈IMT Atlantic高级讲师邀请弗洛里安·斯特鲁布博士,Deepmind对于那些及时看到自己错误的人...3谢谢你首先,我要感谢我的两位博士生导师Olivier和Philippe。奥利维尔,"站在巨人的肩膀上"这句话对你来说完全有意义了。从科学上讲,你知道在这篇论文的(许多)错误中,你是我可以依
recommend-type

【R语言机器学习新手起步】:caret包带你进入预测建模的世界

![【R语言机器学习新手起步】:caret包带你进入预测建模的世界](https://static.wixstatic.com/media/cf17e0_d4fa36bf83c7490aa749eee5bd6a5073~mv2.png/v1/fit/w_1000%2Ch_563%2Cal_c/file.png) # 1. R语言机器学习概述 在当今大数据驱动的时代,机器学习已经成为分析和处理复杂数据的强大工具。R语言作为一种广泛使用的统计编程语言,它在数据科学领域尤其是在机器学习应用中占据了不可忽视的地位。R语言提供了一系列丰富的库和工具,使得研究人员和数据分析师能够轻松构建和测试各种机器学