bubbliiiing / yolox-pytorch

这是一个yolox-pytorch的源码,可以用于训练自己的模型。
Apache License 2.0
877 stars 184 forks source link

CUDA error: device-side assert triggered #121

Open Flyingdog-Huang opened 1 year ago

Flyingdog-Huang commented 1 year ago

../aten/src/ATen/native/cuda/Loss.cu:115: operator(): block: [21,0,0], thread: [123,0,0] Assertion input_val >= zero && input_val <= one failed. ../aten/src/ATen/native/cuda/Loss.cu:115: operator(): block: [21,0,0], thread: [124,0,0] Assertion input_val >= zero && input_val <= one failed. ../aten/src/ATen/native/cuda/Loss.cu:115: operator(): block: [21,0,0], thread: [125,0,0] Assertion input_val >= zero && input_val <= one failed. ../aten/src/ATen/native/cuda/Loss.cu:115: operator(): block: [21,0,0], thread: [126,0,0] Assertion input_val >= zero && input_val <= one failed. ../aten/src/ATen/native/cuda/Loss.cu:115: operator(): block: [21,0,0], thread: [127,0,0] Assertion input_val >= zero && input_val <= one failed. Traceback (most recent call last): File "/home/jovyan/vol-1/project/yolox-pytorch/train.py", line 545, in fit_one_epoch(model_train, model, ema, yolo_loss, loss_history, eval_callback, optimizer, epoch, epoch_step, epoch_step_val, gen, gen_val, UnFreeze_Epoch, Cuda, fp16, scaler, save_period, save_dir, local_rank) File "/home/jovyan/vol-1/project/yolox-pytorch/utils/utils_fit.py", line 53, in fit_one_epoch loss_value = yolo_loss(outputs, targets) File "/home/jovyan/vol-1/conda/envs/yolov3/lib/python3.9/site-packages/torch/nn/modules/module.py", line 1110, in _call_impl return forward_call(*input, *kwargs) File "/home/jovyan/vol-1/project/yolox-pytorch/nets/yolo_training.py", line 94, in forward return self.get_losses(x_shifts, y_shifts, expanded_strides, labels, torch.cat(outputs, 1)) File "/home/jovyan/vol-1/project/yolox-pytorch/nets/yolo_training.py", line 161, in get_losses gt_matched_classes, fg_mask, pred_ious_this_matching, matched_gt_inds, num_fg_img = self.get_assignments( File "/home/jovyan/vol-1/conda/envs/yolov3/lib/python3.9/site-packages/torch/autograd/grad_mode.py", line 27, in decorate_context return func(args, **kwargs) File "/home/jovyan/vol-1/project/yolox-pytorch/nets/yolo_training.py", line 231, in get_assignments num_fg, gt_matched_classes, pred_ious_this_matching, matched_gt_inds = self.dynamic_k_matching(cost, pair_wise_ious, gt_classes, num_gt, fg_mask) File "/home/jovyan/vol-1/project/yolox-pytorch/nets/yolo_training.py", line 348, in dynamic_kmatching , pos_idx = torch.topk(cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False) RuntimeError: CUDA error: device-side assert triggered CUDA kernel errors might be asynchronously reported at some other API call,so the stacktrace below might be incorrect. For debugging consider passing CUDA_LAUNCH_BLOCKING=1. Epoch 4/1000: 2%|██▍ | 9/506 [00:40<36:53, 4.45s/it, loss=6.89, lr=0.00125]

训练到3/4epoch时报错 另外领域的公开数据集(https://zenodo.org/record/2613548) 已经排除数据和标签问题(YOLOv3中正常训练) 可能是输入输出中存在nan/-inf(目前正在尝试打印出问题的数据)

拟解决方案: 1、调小LR 2、将ksize>1的conv后加上BN 3、将F.binary_cross_entropy换成F.binary_cross_entropy_with_logits

麻烦B导指导一下,这种情况一般还有什么解决方法和思路,谢谢

bubbliiiing commented 1 year ago

CUDA error: device-side assert triggered 一般都是环境问题诶

Flyingdog-Huang commented 1 year ago

CUDA error: device-side assert triggered 一般都是环境问题诶

我将F.binary_cross_entropy换成F.binary_cross_entropy_with_logits 没有报错了 但是不work,可能数据和模型并不适配 谢谢回复

Flyingdog-Huang commented 1 year ago

CUDA error: device-side assert triggered 一般都是环境问题诶

我将F.binary_cross_entropy换成F.binary_cross_entropy_with_logits 没有报错了 但是不work,可能数据和模型并不适配 谢谢回复

具体现象是前3个epoch,train loss=nan,eval时检测不出任何目标

Flyingdog-Huang commented 1 year ago

CUDA error: device-side assert triggered 一般都是环境问题诶

另外simOTA部分计算cost那部分为什么不用BCEwithLogist而用BCE? https://github.com/bubbliiiing/yolox-pytorch/blob/4303d2f02c5e616d69435d13346c525eb630dd26/nets/yolo_training.py#L222 https://github.com/bubbliiiing/yolox-pytorch/blob/4303d2f02c5e616d69435d13346c525eb630dd26/nets/yolo_training.py#L226

bubbliiiing commented 1 year ago

F.binary_cross_entropy_with_logits是应用于没做sigmoid的目标

bubbliiiing commented 1 year ago

代码里面应该已经做过了

bubbliiiing commented 1 year ago

这个看起来是sim ota的问题

bubbliiiing commented 1 year ago

实在解决不了可以加一个try except跳过去看看?

Wekect commented 1 year ago

请问两位大佬解决这个问题了吗?我也遇到一模一样的问题啦~

windyjunfeng commented 1 year ago

同问,请问大家解决了嘛?

Wekect commented 1 year ago

目前还在Debug

windyjunfeng commented 1 year ago

好的,谢谢啦,我把batch_size调小后单张卡目前暂时能跑,不过多张卡并行还是有问题,大佬们有用多张卡跑成功过嘛?

Wekect commented 1 year ago

我多卡并行仅有一个数据集出现错误,目前定位错误在 yolotraining.py 350 中的: , pos_idx = torch.topk(cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False) 其中出错主要为cost[gt_idx], k=dynamic_ks[gt_idx].item(),复现该BUG具有偶然性,我只能print

windyjunfeng commented 1 year ago

我把train.py中的distributed和sync_bn设置成True,然后用CUDA_VISIBLE_DEVICES=0,1 python -m torch.distributed.launch --nproc_per_node=2 train.py进行多卡并行训练总是在load data前面卡住,进程用kill -9 也杀不掉,得重启系统,请问大佬知道这是怎么回事嘛?

Wekect commented 1 year ago

感觉像是环境不太匹配?或者你load数据集的works少?kill -9不止要杀掉子进程,还需把父进程也kill掉,可以用ps -ef看~

Wekect commented 1 year ago

快救救孩子吧,还一直是这个问题,现在所有训练都完不成了~

windyjunfeng commented 1 year ago

父进程ppid=1,kill不掉,我用cat /proc/进程号/status 看了下状态还是running,还不是僵尸进程,太奇怪了。

windyjunfeng commented 1 year ago

我单卡训练的时候减小学习率之后也可以训练,那个simOTA的bug时而出现时而不出现

Wekect commented 1 year ago

最恶心的就是他时而出现时而不出现~

Wekect commented 1 year ago

yolo_training.py 中 pair_wise_cls_loss = F.binary_cross_entropy(clspreds.sqrt_(), gt_cls_per_image, reduction="none").sum(-1),平方根操作会不会是导致bug出现的原因?sqrt(0)?

windyjunfeng commented 1 year ago

感觉不像哎,不过可以去掉试试,我看YOLOX原版的代码没开根号,issue里也出现这种问题。

Wekect commented 1 year ago

不用去掉,直接加上一个1e-7

Wekect commented 1 year ago

试试看

Wekect commented 1 year ago

还是会出现一样的/cuda/Loss.cu:102: operator(): block: [0,0,0], thread: [31,0,0] Assertion input_val >= zero && input_val <= one failed.人傻了

Flyingdog-Huang commented 1 year ago

CEwithlogic

---Original--- From: @.> Date: Sat, Feb 25, 2023 20:13 PM To: @.>; Cc: @.**@.>; Subject: Re: [bubbliiiing/yolox-pytorch] CUDA error: device-side asserttriggered (Issue #121)

还是会出现一样的/cuda/Loss.cu:102: operator(): block: [0,0,0], thread: [31,0,0] Assertion input_val >= zero && input_val <= one failed.人傻了

— Reply to this email directly, view it on GitHub, or unsubscribe. You are receiving this because you authored the thread.Message ID: @.***>

bubbliiiing commented 1 year ago

我也有工作呀,不是一直在搞这个…我不靠这个赚钱又…

最恶心的就是他时而出现时而不出现~

bubbliiiing commented 1 year ago

CUDA error: device-side assert triggered 一般都是环境问题诶

我将F.binary_cross_entropy换成F.binary_cross_entropy_with_logits 没有报错了 但是不work,可能数据和模型并不适配 谢谢回复

具体现象是前3个epoch,train loss=nan,eval时检测不出任何目标 如果为nan的话,可以尝试的方向有: 1、关闭fp16 2、进行torch.nn.utils.clip_gradnorm 3、调小学习率 但是最好还是看看具体的数据集吧,可以分享就法bubbliiiing@qq.com

bubbliiiing commented 1 year ago

鹅,如果载入部分就出问题的话,一般是环境就错了,具体环境呢

bubbliiiing commented 1 year ago

我本地复现了一下,学习率故意设置成1,直接nan了,就是学习率模型学歪了,调小学习率和进行torch.nn.utils.clip_grad_norm_应该都能work image

Flyingdog-Huang commented 1 year ago

学习率和bs需要慢慢调,这个torch版比较敏感,原版比较鲁棒,可以学习这里的代码,工程上用原版

---Original--- From: @.> Date: Mon, Feb 27, 2023 23:08 PM To: @.>; Cc: @.**@.>; Subject: Re: [bubbliiiing/yolox-pytorch] CUDA error: device-side asserttriggered (Issue #121)

我本地复现了一下,学习率故意设置成1,直接nan了,就是学习率模型学歪了,调小学习率和进行torch.nn.utils.clip_grad_norm_应该都能work

— Reply to this email directly, view it on GitHub, or unsubscribe. You are receiving this because you authored the thread.Message ID: @.***>

bubbliiiing commented 1 year ago

工程上确实原版好很多

学习率和bs需要慢慢调,这个torch版比较敏感,原版比较鲁棒,可以学习这里的代码,工程上用原版 ---Original--- From: @.> Date: Mon, Feb 27, 2023 23:08 PM To: @.>; Cc: @.**@.>; Subject: Re: [bubbliiiing/yolox-pytorch] CUDA error: device-side asserttriggered (Issue #121) 我本地复现了一下,学习率故意设置成1,直接nan了,就是学习率模型学歪了,调小学习率和进行torch.nn.utils.clip_grad_norm_应该都能work — Reply to this email directly, view it on GitHub, or unsubscribe. You are receiving this because you authored the thread.Message ID: @.***>

bubbliiiing commented 1 year ago

学习率和bs需要慢慢调,这个torch版比较敏感,原版比较鲁棒,可以学习这里的代码,工程上用原版 ---Original--- From: @.> Date: Mon, Feb 27, 2023 23:08 PM To: @.>; Cc: @.**@.>; Subject: Re: [bubbliiiing/yolox-pytorch] CUDA error: device-side asserttriggered (Issue #121) 我本地复现了一下,学习率故意设置成1,直接nan了,就是学习率模型学歪了,调小学习率和进行torch.nn.utils.clip_grad_norm_应该都能work — Reply to this email directly, view it on GitHub, or unsubscribe. You are receiving this because you authored the thread.Message ID: @.***>

学习率上我应该和他是统一的,应该是数据增强上的问题,因为mosaic和mixup都是我自己实现的,没copy,不确定有没有小bug

Wekect commented 1 year ago

我也有工作呀,不是一直在搞这个…我不靠这个赚钱又…

最恶心的就是他时而出现时而不出现~

感谢B导的回复,我这里说的是这个BUG时而出现时而不出现,我后面采用非冻结训练,也可以有效规避该BUG~

bubbliiiing commented 1 year ago

我也有工作呀,不是一直在搞这个…我不靠这个赚钱又…

最恶心的就是他时而出现时而不出现~

感谢B导的回复,我这里说的是这个BUG时而出现时而不出现,我后面采用非冻结训练,也可以有效规避该BUG~

啊这,尬住了,我的 嗯,解冻也是个方案的,因为主干不调有时候也会因为下游任务出现nan

Flyingdog-Huang commented 1 year ago

我忘记说了,我的数据集差异很大,一直都是从头的解冻训练

---Original--- From: @.> Date: Mon, Feb 27, 2023 23:48 PM To: @.>; Cc: @.**@.>; Subject: Re: [bubbliiiing/yolox-pytorch] CUDA error: device-side asserttriggered (Issue #121)

我也有工作呀,不是一直在搞这个…我不靠这个赚钱又…

最恶心的就是他时而出现时而不出现~

感谢B导的回复,我这里说的是这个BUG时而出现时而不出现,我后面采用非冻结训练,也可以有效规避该BUG~

— Reply to this email directly, view it on GitHub, or unsubscribe. You are receiving this because you authored the thread.Message ID: @.***>

Wekect commented 1 year ago

我也有工作呀,不是一直在搞这个…我不靠这个赚钱又…

最恶心的就是他时而出现时而不出现~

感谢B导的回复,我这里说的是这个BUG时而出现时而不出现,我后面采用非冻结训练,也可以有效规避该BUG~

啊这,尬住了,我的 嗯,解冻也是个方案的,因为主干不调有时候也会因为下游任务出现nan

感谢B导的代码和视频讲解~有机会希望能够多向大佬请教~

Flyingdog-Huang commented 1 year ago

我也有工作呀,不是一直在搞这个…我不靠这个赚钱又…

最恶心的就是他时而出现时而不出现~

感谢B导,辛苦了

bubbliiiing commented 1 year ago

NONONO别关闭了,就开着吧,总会有人有同样的问题,能看到也是好事

neuhsm commented 1 year ago

使用SGD可能好点,我用Adam会训练到几十个epoch直接报错,SGD的话会先出现一个损失突然变大的情况,后面再过一两个epoch报这个错,然后我在训练的时候先判断损失是不是异常大,比如我的在40epoch之后可能会不稳定,就在40epoch之后判断损失值大小,因为一般那时候损失都在3左右,超过4的忽略掉,就没出这个问题了 使用fp16,在反向传播之前加这个 from torch.cuda.amp import autocast with autocast(): outputs = model_train(images)

----------------------

            #   计算损失
            # ----------------------#
            loss_value = yolo_loss(outputs, targets)
        if loss_value > 4 and epoch>40:
            print(loss_value.item())
            continue
bubbliiiing commented 1 year ago

加个梯度裁剪会好一些0 0

GuanRunwei commented 1 year ago

这个是YOLOX官方的SimOTA的问题,只能调小学习率或者batchsize

xiaogezi-L commented 1 year ago

(yolox) root@03a4f10a173a:/home/amax/lige/yolox-pytorch-main-2# python train.py initialize network with normal type Load weights model_data/yolox_s.pth. Start Train Epoch 1/50: 0%| | 2/2177 [06:18<228:40:46, 378.50s/it, loss=237, lr=0.001]/tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [288,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [289,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [290,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [291,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [292,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [293,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [294,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [295,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [296,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [297,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [298,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [299,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [192,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [193,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [194,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [195,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [196,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [197,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [198,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [199,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [200,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [201,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [202,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [203,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [204,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [205,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [206,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [207,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [208,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [209,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [210,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [211,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [212,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [213,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [214,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [215,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [216,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [217,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [218,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [219,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [220,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [221,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [222,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [223,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [224,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [225,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [226,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [227,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [228,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [229,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [230,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [231,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [232,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [233,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [234,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [235,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [236,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [237,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [238,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [239,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [240,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [241,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [242,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [243,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [244,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [245,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [246,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [247,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [248,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [249,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [250,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [251,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [252,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [253,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [254,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [255,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [64,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [65,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [66,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [67,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [68,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [69,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [70,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [71,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [72,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [73,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [74,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [75,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [76,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [77,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [78,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [79,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [80,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [81,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [82,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [83,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [84,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [85,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [86,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [87,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [88,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [89,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [90,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [91,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [92,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [93,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [94,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [95,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [96,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [97,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [98,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [99,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [100,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [101,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [102,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [103,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [104,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [105,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [106,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [107,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [108,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [109,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [110,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [111,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [112,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [113,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [114,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [115,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [116,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [117,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [118,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [119,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [120,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [121,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [122,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [123,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [124,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [125,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [126,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [127,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [128,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [129,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [130,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [131,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [132,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [133,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [134,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [135,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [136,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [137,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [138,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [139,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [140,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [141,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [142,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [143,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [144,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [145,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [146,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [147,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [148,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [149,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [150,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [151,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [152,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [153,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [154,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [155,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [156,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [157,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [158,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [159,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [160,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [161,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [162,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [163,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [164,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [165,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [166,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [167,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [168,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [169,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [170,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [171,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [172,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [173,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [174,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [175,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [176,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [177,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [178,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [179,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [180,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [181,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [182,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [183,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [184,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [185,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [186,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [187,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [188,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [189,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [190,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [191,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [256,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [257,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [258,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [259,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [260,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [261,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [262,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [263,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [264,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [265,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [266,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [267,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [268,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [269,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [270,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [271,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [272,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [273,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [274,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [275,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [276,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [277,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [278,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [279,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [280,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [281,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [282,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [283,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [284,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [285,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [286,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [287,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [32,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [33,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [34,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [35,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [36,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [37,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [38,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [39,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [40,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [41,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [42,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [43,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [44,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [45,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [46,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [47,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [48,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [49,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [50,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [51,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [52,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [53,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [54,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [55,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [56,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [57,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [58,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [59,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [60,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [61,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [62,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [63,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [0,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [1,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [2,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [3,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [4,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [5,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [6,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [7,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [8,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [9,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [10,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [11,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [12,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [13,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [14,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [15,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [16,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [17,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [18,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [19,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [20,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [21,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [22,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [23,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [24,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [25,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [26,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [27,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [28,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [29,0,0] Assertion *input >= 0. && *input <= 1. failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [30,0,0] Assertion `input >= 0. && input <= 1.` failed. /tmp/pip-req-build-p5q91txh/aten/src/THCUNN/BCECriterion.cu:57: void bce_updateOutput_no_reduce_functor<Dtype, Acctype>::operator()(const Dtype , const Dtype , Dtype ) [with Dtype = float, Acctype = float]: block: [305,0,0], thread: [31,0,0] Assertion *input >= 0. && *input <= 1. failed. Epoch 1/50: 0%|1 | 3/2177 [06:19<76:20:44, 126.42s/it, loss=237, lr=0.001] Traceback (most recent call last): File "train.py", line 210, in epoch_step, epoch_step_val, gen, gen_val, end_epoch, Cuda) File "/home/amax/lige/yolox-pytorch-main-2/utils/utils_fit.py", line 37, in fit_one_epoch loss_value = yolo_loss(outputs, targets) File "/root/miniconda3/envs/yolox/lib/python3.6/site-packages/torch/nn/modules/module.py", line 547, in call result = self.forward(*input, *kwargs) File "/home/amax/lige/yolox-pytorch-main-2/nets/yolo_training.py", line 90, in forward return self.get_losses(x_shifts, y_shifts, expanded_strides, labels, torch.cat(outputs, 1)) File "/home/amax/lige/yolox-pytorch-main-2/nets/yolo_training.py", line 159, in get_losses expanded_strides, x_shifts, y_shifts, File "/root/miniconda3/envs/yolox/lib/python3.6/site-packages/torch/autograd/grad_mode.py", line 49, in decorate_no_grad return func(args, **kwargs) File "/home/amax/lige/yolox-pytorch-main-2/nets/yolo_training.py", line 221, in get_assignments num_fg, gt_matched_classes, pred_ious_this_matching, matched_gt_inds = self.dynamic_k_matching(cost, pair_wise_ious, gt_classes, num_gt, fg_mask) File "/home/amax/lige/yolox-pytorch-main-2/nets/yolo_training.py", line 338, in dynamic_kmatching , pos_idx = torch.topk(cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False) RuntimeError: CUDA error: device-side assert triggered 我也出现了这个问题,请问该怎么办呢?用的数据集是下载的链接里的VOC07+12,代码也没有改过,一步步按着步骤来的,把batch_size都改成了2试了一下也不行,帮帮孩子吧

xiaogezi-L commented 1 year ago

这个问题解决啦,确实是环境的问题,安装包的时候直接安装的最新版就不会报错了