Code Monkey home page Code Monkey logo

pu-net_pytorch's People

Contributors

lyqun avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar

pu-net_pytorch's Issues

Error: expected primary-expression before ‘float’ frpm auction_match_gpu.cpp

I run the following line,

python eval.py --gpu 0 --resume logs/punet_baseline/punet_epoch_99.pth

Then, I received the following error

(PUNet10) gabby-suwichaya@gabby-suwichaya:/mnt/HDD4TB3/PU-Net_pytorch$ /home/gabby-suwichaya/anaconda3/envs/PUNet10/bin/python /mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match.py
Traceback (most recent call last):
  File "/home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 960, in _build_extension_module
    check=True)
  File "/home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/subprocess.py", line 438, in run
    output=stdout, stderr=stderr)
subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match.py", line 11, in <module>
    am = load(name="am", sources=sources)
  File "/home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 658, in load
    is_python_module)
  File "/home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 827, in _jit_compile
    with_cuda=with_cuda)
  File "/home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 880, in _write_ninja_file_and_build
    _build_extension_module(name, build_directory, verbose)
  File "/home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 973, in _build_extension_module
    raise RuntimeError(message)
RuntimeError: Error building extension 'am': [1/2] c++ -MMD -MF auction_match_gpu.o.d -DTORCH_EXTENSION_NAME=am -DTORCH_API_INCLUDE_EXTENSION_H -isystem /home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/include -isystem /home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/include/TH -isystem /home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda-11.1/include -isystem /home/gabby-suwichaya/anaconda3/envs/PUNet10/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++11 -c /mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match_gpu.cpp -o auction_match_gpu.o
FAILED: auction_match_gpu.o 
c++ -MMD -MF auction_match_gpu.o.d -DTORCH_EXTENSION_NAME=am -DTORCH_API_INCLUDE_EXTENSION_H -isystem /home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/include -isystem /home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/include/TH -isystem /home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda-11.1/include -isystem /home/gabby-suwichaya/anaconda3/envs/PUNet10/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++11 -c /mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match_gpu.cpp -o auction_match_gpu.o
In file included from /mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match_gpu.cpp:1:
/home/gabby-suwichaya/anaconda3/envs/PUNet10/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/torch.h:11:4: warning: #warning "Including torch/torch.h for C++ extensions is deprecated. Please include torch/extension.h" [-Wcpp]
   11 | #  warning "Including torch/torch.h for C++ extensions is deprecated. Please include torch/extension.h"
      |    ^~~~~~~
/mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match_gpu.cpp: In function ‘int auction_match_wrapper_fast(int, int, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor)’:
/mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match_gpu.cpp:9:46: error: expected primary-expression before ‘float’
    9 |     const float *xyz1 = xyz1_tensor.data_ptr<float>();
      |                                              ^~~~~
/mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match_gpu.cpp:10:46: error: expected primary-expression before ‘float’
   10 |     const float *xyz2 = xyz2_tensor.data_ptr<float>();
      |                                              ^~~~~
/mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match_gpu.cpp:11:42: error: expected primary-expression before ‘int’
   11 |     int *matchl = matchl_tensor.data_ptr<int>();
      |                                          ^~~
/mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match_gpu.cpp:12:42: error: expected primary-expression before ‘int’
   12 |     int *matchr = matchr_tensor.data_ptr<int>();
      |                                          ^~~
/mnt/HDD4TB3/PU-Net_pytorch/auction_match/auction_match_gpu.cpp:13:40: error: expected primary-expression before ‘float’
   13 |     float *cost = cost_tensor.data_ptr<float>();
      |                                        ^~~~~
ninja: build stopped: subcommand failed.

Error when calculating NUC

After install CGAL, when I run 'make', I meet error, and I can't get evaluation.cpp.o. So, I need your help, hope your reply
image
image

ImportError: No module named 'am'

Namespace(alpha=1.0, batch_size=32, decay_step_list=[30, 60], gpu=0, log_dir='logs/test', lr=0.001, lr_clip=1e-06, lr_decay=0.71, max_epoch=100, model='punet', npoint=1024, optim='adam', up_ratio=4, use_bn=False, use_decay=False, use_res=False, weight_decay=0.0005, workers=4)
Traceback (most recent call last):
File "train.py", line 35, in
from auction_match import auction_match
File "/root/python/PU-Net_pytorch/auction_match/init.py", line 1, in
from .auction_match import auction_match
File "/root/python/PU-Net_pytorch/auction_match/auction_match.py", line 11, in
am = load(name="am", sources=sources)
File "/root/miniconda3/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 644, in load
is_python_module)
File "/root/miniconda3/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 824, in _jit_compile
return _import_module_from_library(name, build_directory, is_python_module)
File "/root/miniconda3/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 967, in _import_module_from_library
file, path, description = imp.find_module(module_name, [path])
File "/root/miniconda3/lib/python3.7/imp.py", line 296, in find_module
raise ImportError(_ERR_MSG.format(name), name=name)
ImportError: No module named 'am'
When I encounter this error, how should I solve it? I have tried many methods but none of them worked. Please, author, take the time to reply, this is really important to me. Thank you very much.

about knn_cuda

hi why i run the bash test_punet.sh, it happen that "no modul named knn_cuda import KNN"? i run this code with cuda9.0 python 3.6 pytorch1.0

The emd_loss has problem for backpropagation

I tried to use "get_emd_loss.py" but I met this problem

RuntimeError: Expected isFloatingType(grads[i].type().scalarType()) to be true, but got false. (Could this error message be improved? If so, please report an enhancement request to PyTorch.)

Could you resolve it?

error with python setup.py install

I wanna know why there are still some errors about version when I use python3.6 pytorch1.2 cuda10.0 in anaconda. for example fatal error: cuda_utils.h: No such file or directory

What about the performance of this reproduction?

Hi! Thank you for your great work! Recently I'm also trying to reproduce PU-Net in pytorch and came across your repo. I just wonder what performance did you get using this repo? Is it competitive with the original paper? Thanks!

Wrong results with my own data

I am trying to upsample lossy compressed point cloud data with PU-Net and I get four separate different-scales objects.
The data is 8i-people dataset with MPEG TMC13 lossy compressed. Pity it can not insert pictures.

I only modify 'dataset.py' to make it load 'PLY' files directly. Besides that, everything is in default configuration. I also put the output file 'camel.ply' and 'cow.ply' as input to double-upsample and the result is right, so it may not be this reason.

`class PUNET_Dataset_Whole(torch_data.Dataset):
def init(self, data_dir='./datas/test_data/our_collected_data/test_ply'):
super().init()
file_list = os.listdir(data_dir)
self.names = [x.split('.')[0] for x in file_list]
self.sample_path = [os.path.join(data_dir, x) for x in file_list]

def __len__(self):
    return len(self.names)

def read_ply(self,filename):
	plydata = PlyData.read(filename)
	pc = plydata['vertex'].data
	pc_array = np.array([[x, y, z] for x,y,z in pc])
	return pc_array

def __getitem__(self, index):
    #points = np.loadtxt(self.sample_path[index])
    #print(self.sample_path[index])
    points = self.read_ply(self.sample_path[index])
    return points`

At first I think the reason is the data is too complicated so I sample 5k points in a small area and the result is still wrong. Right now I am really confused and your help is very needed.

Learning loss increases ?

Could you guide how to set the training correct? Or could you please check or confirm this behaviour?

(PUNet10) gabby-suwichaya@gabby-suwichaya:/mnt/HDD4TB3/PU-Net_pytorch$ /home/gabby-suwichaya/anaconda3/envs/PUNet10/bin/python /mnt/HDD4TB3/PU-Net_pytorch/train.py
Namespace(alpha=1.0, batch_size=4, decay_step_list=[30, 60], gpu=1, log_dir='logs/punet_baseline', lr=0.001, lr_clip=1e-06, lr_decay=0.71, max_epoch=100, model='punet', npoint=1024, optim='adam', up_ratio=4, use_bn=False, use_decay=False, use_res=False, weight_decay=0.0005, workers=0)
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:02<00:00,  2.21it/s, Ep=0, Loss=0.69, i=799]
 -- epoch 0, loss 0.6884, weighted emd loss 0.6688, repulsion loss 0.0196, lr 0.001.
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:05<00:00,  2.19it/s, Ep=1, Loss=4.85, i=799]
 -- epoch 1, loss 4.8493, weighted emd loss 4.8268, repulsion loss 0.0225, lr 0.001.
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=2, Loss=5.19, i=799]
 -- epoch 2, loss 5.1862, weighted emd loss 5.1699, repulsion loss 0.0164, lr 0.001.
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=3, Loss=5.62, i=799]
 -- epoch 3, loss 5.6172, weighted emd loss 5.6024, repulsion loss 0.0148, lr 0.001.
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=4, Loss=6.14, i=799]
 -- epoch 4, loss 6.1399, weighted emd loss 6.1259, repulsion loss 0.0141, lr 0.001.
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=5, Loss=6.60, i=799]
 -- epoch 5, loss 6.6022, weighted emd loss 6.5880, repulsion loss 0.0142, lr 0.001.
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=6, Loss=7.07, i=799]
 -- epoch 6, loss 7.0689, weighted emd loss 7.0543, repulsion loss 0.0146, lr 0.001.
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=7, Loss=7.51, i=799]
 -- epoch 7, loss 7.5064, weighted emd loss 7.4919, repulsion loss 0.0146, lr 0.001.
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=8, Loss=7.94, i=799]
 -- epoch 8, loss 7.9393, weighted emd loss 7.9245, repulsion loss 0.0148, lr 0.001.
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=9, Loss=8.40, i=799]
 -- epoch 9, loss 8.4016, weighted emd loss 8.3869, repulsion loss 0.0147, lr 0.001.
100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=10, Loss=8.88, i=799]
 -- epoch 10, loss 8.8824, weighted emd loss 8.8675, repulsion loss 0.0149, lr 0.001.
100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=11, Loss=9.32, i=799]
 -- epoch 11, loss 9.3201, weighted emd loss 9.3050, repulsion loss 0.0151, lr 0.001.
100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=12, Loss=9.75, i=799]
 -- epoch 12, loss 9.7492, weighted emd loss 9.7334, repulsion loss 0.0158, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=13, Loss=10.22, i=799]
 -- epoch 13, loss 10.2157, weighted emd loss 10.2002, repulsion loss 0.0155, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=14, Loss=10.66, i=799]
 -- epoch 14, loss 10.6579, weighted emd loss 10.6420, repulsion loss 0.0159, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=15, Loss=11.09, i=799]
 -- epoch 15, loss 11.0941, weighted emd loss 11.0778, repulsion loss 0.0163, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=16, Loss=11.58, i=799]
 -- epoch 16, loss 11.5751, weighted emd loss 11.5587, repulsion loss 0.0164, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=17, Loss=12.11, i=799]
 -- epoch 17, loss 12.1054, weighted emd loss 12.0887, repulsion loss 0.0167, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=18, Loss=12.59, i=799]
 -- epoch 18, loss 12.5930, weighted emd loss 12.5761, repulsion loss 0.0169, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=19, Loss=13.00, i=799]
 -- epoch 19, loss 13.0042, weighted emd loss 12.9870, repulsion loss 0.0172, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=20, Loss=13.41, i=799]
 -- epoch 20, loss 13.4069, weighted emd loss 13.3891, repulsion loss 0.0178, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=21, Loss=13.84, i=799]
 -- epoch 21, loss 13.8420, weighted emd loss 13.8242, repulsion loss 0.0179, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=22, Loss=14.25, i=799]
 -- epoch 22, loss 14.2452, weighted emd loss 14.2275, repulsion loss 0.0176, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=23, Loss=14.69, i=799]
 -- epoch 23, loss 14.6900, weighted emd loss 14.6720, repulsion loss 0.0180, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=24, Loss=15.07, i=799]
 -- epoch 24, loss 15.0695, weighted emd loss 15.0517, repulsion loss 0.0178, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=25, Loss=15.50, i=799]
 -- epoch 25, loss 15.5039, weighted emd loss 15.4858, repulsion loss 0.0181, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=26, Loss=15.97, i=799]
 -- epoch 26, loss 15.9685, weighted emd loss 15.9504, repulsion loss 0.0181, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=27, Loss=16.41, i=799]
 -- epoch 27, loss 16.4085, weighted emd loss 16.3901, repulsion loss 0.0185, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=28, Loss=16.78, i=799]
 -- epoch 28, loss 16.7770, weighted emd loss 16.7583, repulsion loss 0.0187, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=29, Loss=17.25, i=799]
 -- epoch 29, loss 17.2516, weighted emd loss 17.2326, repulsion loss 0.0190, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=30, Loss=17.68, i=799]
 -- epoch 30, loss 17.6810, weighted emd loss 17.6620, repulsion loss 0.0190, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=31, Loss=18.09, i=799]
 -- epoch 31, loss 18.0914, weighted emd loss 18.0725, repulsion loss 0.0188, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=32, Loss=18.59, i=799]
 -- epoch 32, loss 18.5940, weighted emd loss 18.5748, repulsion loss 0.0191, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=33, Loss=19.00, i=799]
 -- epoch 33, loss 19.0024, weighted emd loss 18.9832, repulsion loss 0.0192, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=34, Loss=19.45, i=799]
 -- epoch 34, loss 19.4537, weighted emd loss 19.4345, repulsion loss 0.0192, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=35, Loss=19.84, i=799]
 -- epoch 35, loss 19.8446, weighted emd loss 19.8251, repulsion loss 0.0194, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=36, Loss=20.27, i=799]
 -- epoch 36, loss 20.2742, weighted emd loss 20.2544, repulsion loss 0.0198, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=37, Loss=20.62, i=799]
 -- epoch 37, loss 20.6225, weighted emd loss 20.6022, repulsion loss 0.0202, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=38, Loss=21.01, i=799]
 -- epoch 38, loss 21.0147, weighted emd loss 20.9942, repulsion loss 0.0206, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=39, Loss=21.37, i=799]
 -- epoch 39, loss 21.3690, weighted emd loss 21.3489, repulsion loss 0.0201, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=40, Loss=21.88, i=799]
 -- epoch 40, loss 21.8820, weighted emd loss 21.8623, repulsion loss 0.0197, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=41, Loss=22.46, i=799]
 -- epoch 41, loss 22.4573, weighted emd loss 22.4377, repulsion loss 0.0196, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=42, Loss=22.96, i=799]
 -- epoch 42, loss 22.9566, weighted emd loss 22.9367, repulsion loss 0.0200, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=43, Loss=23.36, i=799]
 -- epoch 43, loss 23.3577, weighted emd loss 23.3376, repulsion loss 0.0201, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=44, Loss=23.82, i=799]
 -- epoch 44, loss 23.8222, weighted emd loss 23.8021, repulsion loss 0.0201, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=45, Loss=24.36, i=799]
 -- epoch 45, loss 24.3616, weighted emd loss 24.3413, repulsion loss 0.0203, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=46, Loss=24.94, i=799]
 -- epoch 46, loss 24.9385, weighted emd loss 24.9181, repulsion loss 0.0205, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=47, Loss=25.48, i=799]
 -- epoch 47, loss 25.4797, weighted emd loss 25.4596, repulsion loss 0.0201, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=48, Loss=25.94, i=799]
 -- epoch 48, loss 25.9444, weighted emd loss 25.9234, repulsion loss 0.0210, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=49, Loss=26.37, i=799]
 -- epoch 49, loss 26.3680, weighted emd loss 26.3468, repulsion loss 0.0212, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=50, Loss=26.80, i=799]
 -- epoch 50, loss 26.8007, weighted emd loss 26.7794, repulsion loss 0.0212, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=51, Loss=27.17, i=799]
 -- epoch 51, loss 27.1711, weighted emd loss 27.1498, repulsion loss 0.0213, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=52, Loss=27.60, i=799]
 -- epoch 52, loss 27.6000, weighted emd loss 27.5787, repulsion loss 0.0212, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=53, Loss=28.02, i=799]
 -- epoch 53, loss 28.0161, weighted emd loss 27.9947, repulsion loss 0.0214, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=54, Loss=28.46, i=799]
 -- epoch 54, loss 28.4649, weighted emd loss 28.4437, repulsion loss 0.0212, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=55, Loss=28.93, i=799]
 -- epoch 55, loss 28.9332, weighted emd loss 28.9113, repulsion loss 0.0219, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=56, Loss=29.34, i=799]
 -- epoch 56, loss 29.3396, weighted emd loss 29.3182, repulsion loss 0.0214, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=57, Loss=29.80, i=799]
 -- epoch 57, loss 29.7998, weighted emd loss 29.7783, repulsion loss 0.0215, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=58, Loss=30.16, i=799]
 -- epoch 58, loss 30.1648, weighted emd loss 30.1432, repulsion loss 0.0216, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=59, Loss=30.47, i=799]
 -- epoch 59, loss 30.4726, weighted emd loss 30.4509, repulsion loss 0.0217, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=60, Loss=30.86, i=799]
 -- epoch 60, loss 30.8610, weighted emd loss 30.8390, repulsion loss 0.0219, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=61, Loss=31.50, i=799]
 -- epoch 61, loss 31.4963, weighted emd loss 31.4752, repulsion loss 0.0211, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=62, Loss=32.13, i=799]
 -- epoch 62, loss 32.1284, weighted emd loss 32.1072, repulsion loss 0.0212, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=63, Loss=32.63, i=799]
 -- epoch 63, loss 32.6314, weighted emd loss 32.6096, repulsion loss 0.0218, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=64, Loss=33.19, i=799]
 -- epoch 64, loss 33.1864, weighted emd loss 33.1649, repulsion loss 0.0215, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=65, Loss=33.91, i=799]
 -- epoch 65, loss 33.9121, weighted emd loss 33.8904, repulsion loss 0.0217, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=66, Loss=34.39, i=799]
 -- epoch 66, loss 34.3889, weighted emd loss 34.3664, repulsion loss 0.0224, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=67, Loss=34.80, i=799]
 -- epoch 67, loss 34.7994, weighted emd loss 34.7774, repulsion loss 0.0221, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=68, Loss=35.21, i=799]
 -- epoch 68, loss 35.2065, weighted emd loss 35.1844, repulsion loss 0.0221, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=69, Loss=35.48, i=799]
 -- epoch 69, loss 35.4831, weighted emd loss 35.4609, repulsion loss 0.0222, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=70, Loss=35.89, i=799]
 -- epoch 70, loss 35.8904, weighted emd loss 35.8676, repulsion loss 0.0228, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=71, Loss=36.33, i=799]
 -- epoch 71, loss 36.3348, weighted emd loss 36.3122, repulsion loss 0.0225, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=72, Loss=36.79, i=799]
 -- epoch 72, loss 36.7947, weighted emd loss 36.7714, repulsion loss 0.0233, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=73, Loss=37.13, i=799]
 -- epoch 73, loss 37.1259, weighted emd loss 37.1028, repulsion loss 0.0231, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=74, Loss=37.67, i=799]
 -- epoch 74, loss 37.6669, weighted emd loss 37.6442, repulsion loss 0.0227, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=75, Loss=38.30, i=799]
 -- epoch 75, loss 38.3032, weighted emd loss 38.2808, repulsion loss 0.0224, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=76, Loss=38.99, i=799]
 -- epoch 76, loss 38.9887, weighted emd loss 38.9662, repulsion loss 0.0226, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=77, Loss=39.39, i=799]
 -- epoch 77, loss 39.3931, weighted emd loss 39.3699, repulsion loss 0.0232, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=78, Loss=39.76, i=799]
 -- epoch 78, loss 39.7552, weighted emd loss 39.7330, repulsion loss 0.0222, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=79, Loss=40.09, i=799]
 -- epoch 79, loss 40.0858, weighted emd loss 40.0631, repulsion loss 0.0227, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=80, Loss=40.44, i=799]
 -- epoch 80, loss 40.4375, weighted emd loss 40.4152, repulsion loss 0.0223, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=81, Loss=40.72, i=799]
 -- epoch 81, loss 40.7244, weighted emd loss 40.7019, repulsion loss 0.0225, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=82, Loss=41.13, i=799]
 -- epoch 82, loss 41.1302, weighted emd loss 41.1076, repulsion loss 0.0225, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:06<00:00,  2.18it/s, Ep=83, Loss=41.63, i=799]
 -- epoch 83, loss 41.6290, weighted emd loss 41.6061, repulsion loss 0.0229, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=84, Loss=42.09, i=799]
 -- epoch 84, loss 42.0874, weighted emd loss 42.0645, repulsion loss 0.0229, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=85, Loss=42.66, i=799]
 -- epoch 85, loss 42.6617, weighted emd loss 42.6397, repulsion loss 0.0221, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=86, Loss=43.15, i=799]
 -- epoch 86, loss 43.1505, weighted emd loss 43.1276, repulsion loss 0.0229, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=87, Loss=43.75, i=799]
 -- epoch 87, loss 43.7497, weighted emd loss 43.7257, repulsion loss 0.0240, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:08<00:00,  2.17it/s, Ep=88, Loss=44.00, i=799]
 -- epoch 88, loss 43.9987, weighted emd loss 43.9746, repulsion loss 0.0241, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:08<00:00,  2.17it/s, Ep=89, Loss=44.53, i=799]
 -- epoch 89, loss 44.5343, weighted emd loss 44.5108, repulsion loss 0.0234, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:08<00:00,  2.17it/s, Ep=90, Loss=45.17, i=799]
 -- epoch 90, loss 45.1711, weighted emd loss 45.1476, repulsion loss 0.0235, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.17it/s, Ep=91, Loss=45.60, i=799]
 -- epoch 91, loss 45.6050, weighted emd loss 45.5821, repulsion loss 0.0229, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=92, Loss=46.09, i=799]
 -- epoch 92, loss 46.0883, weighted emd loss 46.0648, repulsion loss 0.0235, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=93, Loss=46.56, i=799]
 -- epoch 93, loss 46.5568, weighted emd loss 46.5340, repulsion loss 0.0228, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=94, Loss=47.11, i=799]
 -- epoch 94, loss 47.1096, weighted emd loss 47.0862, repulsion loss 0.0234, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=95, Loss=47.58, i=799]
 -- epoch 95, loss 47.5833, weighted emd loss 47.5592, repulsion loss 0.0241, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:08<00:00,  2.17it/s, Ep=96, Loss=48.13, i=799]
 -- epoch 96, loss 48.1304, weighted emd loss 48.1064, repulsion loss 0.0240, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.17it/s, Ep=97, Loss=48.78, i=799]
 -- epoch 97, loss 48.7770, weighted emd loss 48.7530, repulsion loss 0.0241, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.18it/s, Ep=98, Loss=49.27, i=799]
 -- epoch 98, loss 49.2665, weighted emd loss 49.2427, repulsion loss 0.0238, lr 0.001.
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 800/800 [06:07<00:00,  2.17it/s, Ep=99, Loss=49.77, i=799]
 -- epoch 99, loss 49.7749, weighted emd loss 49.7506, repulsion loss 0.0243, lr 0.001

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.