tw记账 Image Synthesis Image Inpainting MSI Afterburner pycorrector 聚类DBSCAN

Download VNC Viewer | VNC® Connect

find / -name libavdevice.so.56

pip install --upgrade setuptools

nohup ./py2.sh &


wsl --export Ubuntu-22.04 d://wslubuntu//ubuntu-22.04.tar

wsl --export Ubuntu-22.04 d://ubuntu-22.04.tar

wsl --unregister Ubuntu-22.04

wsl --import Ubuntu-22.04 d://wslubuntu d://ubuntu-22.04.tar --version 2

 

-i http://mirrors.aliyun.com/pypi/simple --trusted-host mirrors.aliyun.com

sudo apt-get install libopenblas-dev

sudo service vncserver-x11-serviced start

conda install -c pytorch faiss-gpu

sudo chown -R hadoop anaconda3  sudo chown -R  hadoop /home/hadoop/.conda/

conda install pytorch==1.7.0 torchvision==0.8.0 torchaudio==0.7.0 cudatoolkit=10.2 -c pytorch

chmod 777 file  
效果相同   python ./mining_proxy.py -o eth-pool.beepool.org -p 9530
chmod ug=rwx,o=x file  
和 
chmod 771 file 

conda install opencv

pip install -i https://mirrors.ustc.edu.cn/pypi/web/simple dlib==19.7.0
 

.首先安装iftop工具:

sudo apt-get install iftop

2.运行命令查看网卡:

         ifconfig

sudo  iftop  -i  eth0  -B

sudo apt-get install libomp-dev
pip install faiss

pip install visdom
python -m visdom.server

apt-get install zip unzip

pip install insightface==0.2.1 onnxruntime moviepy -i http://mirrors.aliyun.com/pypi/simple --trusted-host mirrors.aliyun.com

执行命令常见错误:

1、unable to locate package

解决办法:执行sudo apt-get update命令后再执行安装命令就可以了。

zip -r filename.zip dirname

 sudo ./pycharm.sh
conda install pytorch==1.2.0 torchvision==0.4.0 cudatoolkit=10.0 -c pytorch

找到DDConfigCA.exe,管理员身份运行一下, 就可以了,亲测有效

创建环境:conda create -n 环境名称 python=版本

conda create -n env_name python=3.6

激活环境:conda activate 环境名称

conda activate env_name
pip install spleeter -i https://pypi.doubanio.com/simple

http://xxx.itp.ac.cn/     arxiv

到要转的demo.ipynb所在目录下,然后输入命令:

 jupyter nbconvert --to script demo.ipynb 

http://download.microsoft.com/download/8/4/3/843ec655-1b67-46c3-a7a4-10a1159cfa84/vs2015.3.ent_enu.iso

GitHub - gotid/Image-Captioning-PyTorch: 图像中文描述+视觉注意力

dlib-19.17.99-cp37-cp37m-win_amd64.whl

嗨,如果您有64位系统,则需要对驱动程序进行签名。此驱动程序未签名,因此您必须通过点击F8 F8 F8重新启动,直到看到启动设置。选择禁用驱动程序签名强制执行,然后您可以安装驱动程序这解决了我的问题。问候约翰内斯

self.woshow(self.real_A_seg_sng)
def woshow(self,img):
   #img = torchvision.utils.make_grid(img).cpu().numpy()
   img = tensor2im(img)

   plt.imshow(img)
   #plt.imshow(img.transpose([2, 0, 1]))
   #plt.imshow(np.transpose(img, (2, 0, 1)))
   plt.show()
def tensor2im(input_image, imtype=np.uint8):
    if isinstance(input_image, torch.Tensor):
        image_tensor = input_image.data
    else:
        return input_image
    image_numpy = image_tensor[0].cpu().float().numpy()
    if image_numpy.shape[0] == 1:
        image_numpy = np.tile(image_numpy, (3, 1, 1))
    image_numpy = (np.transpose(image_numpy, (1, 2, 0)) + 1) / 2.0 * 255.0
    return image_numpy.astype(imtype)

conda install numpy

conda install python=3.6


Image tampering detection

https://pypi.org/simple

import pandas as pd
from numpy import *
import matplotlib.pyplot as plt
ts = pd.Series(random.randn(1000), index=pd.date_range('1/1/2000', periods=1000))
ts = ts.cumsum()
ts.plot()
plt.show()

python3 -m pip install --upgrade torch torchvision -i https://pypi.tuna.tsinghua.edu.cn/simple

https://www.lfd.uci.edu/~gohlke/pythonlibs/#shapely

pip install tensorboard-pytorch

pip install tensorflow-gpu==1.14 -i  https://pypi.tuna.tsinghua.edu.cn/simple

pip install numpy==1.14 

 vision test

vision inspection

网上视力在线测试

pip  install -i https://pypi.tuna.tsinghua.edu.cn/simple --upgrade tensorflow-gpu

Image tampering detection  Image Forensics

Simple Contacts  远程验光

alphaquant

http://serre-lab.clps.brown.edu/resource/breakfast-actions-dataset/

https://lear.inrialpes.fr/people/wang/dense_trajectories

deepfuse

mammograms

Extracting Facial Features

Verifeyed

docker run -it klokoy/pdf2htmlex bash

Contour Detection 

Edge Detection

pdf2htmlEX --zoom 1.3 test.pdf

pip install visdom --upgrade -i https://pypi.tuna.tsinghua.edu.cn/simple

 pip install web.py -i http://pypi.douban.com/simple --trusted-host pypi.douban.com

Removed watermark

python -m visdom.server

后来网上看到应该是显卡驱动的问题,于是在这一步,光标移动到Install Ubuntu-按e-修改

'quiet splash ---” 为“quiet splash nomodeset”

然后F10保存就能进入安装界面了,但是分辨率非常感人(→_→)

于是我只能参考别人按照步骤的截图,数着Tab,一步一步安装,

one_class_svm

mendeley
eps 图像

jigsaw puzzle

pip install keras==2.1.2 -i https://pypi.tuna.tsinghua.edu.cn/simple

pip install tensorflow-gpu==1.2.1 -i https://pypi.tuna.tsinghua.edu.cn/simple

 

gan  PSNR ssim srgan

 
conda create -n py36 python=3.6 anaconda

安装好后,会有提示:

To activate this environment, use:
# > activate py36
#
# To deactivate an active environment, use:
# > deactivate
#
# * for power-users using bash, you must source

即想激活python3.6版本,使用命令:

activate py36

退出python3.6,使用命令:

deactivate

IJCAI

I

 

CTR预估模型

 

配音阁

 

CMU Multi-PIE人脸数据库介绍

 

http://yongfeng.me/

 

唇语识别 

Artificial muscle

ta = tf.zeros((2,2))

print(ta)

Tensor("zeros_1:0", shape=(2, 2), dtype=float32)

print(ta.eval())

numpy

a = np.zeros((2,2))

print(a)

 

https://github.com/hzy46/fast-neural-style-tensorflow

 

动力外骨骼机器人

 

python tensorflow 生成对抗网络 差异比较

Image Inpainting

 
 

梯形 矫正

 

立体定向

 

Semantic Image Segmentation via Deep Parsing Network

 

Perceptual Losses

 

okay, i found the solution to solve it, i tried to python3 setup.py build and install in research folder, after done that, i executed the code,and worked

 

  • 先下载你要安装的包,并解压到磁盘下;
  • 进入到该文件的setup.py 目录下 ,打开cmd,并切换到该目录下;
  • 先执行 python setup.py build
  • 然后执行 python setup.py install
pip install --upgrade https://mirrors.tuna.tsinghua.edu.cn/tensorflow/windows/gpu/tensorflow_gpu-1.3.0rc0-cp35-cp35m-win_amd64.whl

exit(0)
 

MIAS标准数据集

 

Windows Driver Kit

 

Image Completion 

 

aiimooc

 

1

 

https://baijia.baidu.com/s?id=1575151965430656

 

parikh@gatech.edu

http://www.lfd.uci.edu/~gohlke/pythonlibs/#scikit-image
ceil
https://orcid.org/
0000-0003-2698-8507下载数据库
 
 DDSM
 
下载数据库  转换 泡一个模型 后改进 。3个月
 
 

traffic sign detection

https://luna16.grand-challenge.org/

 

https://www.kaggle.com/arnavkj95/candidate-generation-and-luna16-preprocessing

Image tamper detection

“贴心小棉袄” iTBra智能文胸检测女性乳房癌症

pip install --upgrade

 
 

 这个是乳腺癌的,RIDER Breast 乳腺癌MRI影像数据,400M左右,http://dataju.cn/Dataju/web/datasetInstanceDetail/415 

 

点配准算法

75 16

 
# 最小化方差
loss = tf.reduce_mean(tf.square(y - y_data))
0615  目标之后添加 高斯 噪声 ??或许 测试 均匀噪声 ??
 
super resolution
 
def load_model(session,netmodel_path,param_path):

   new_saver = tf.train.import_meta_graph(netmodel_path)
   new_saver.restore(session, param_path)
   x= tf.get_collection('real_A')[0]#在训练阶段需要调用tf.add_to_collection('test_images',test_images),保存之
   y = tf.get_collection("fake_B")[0]
   return  x,y

 

 
y_np=sess.run(tensorB,feed_dict = {tensorA:images})

 

zxing  zba
码湿度,解码 ,二维码以外
神经外科导航定位机器人
 
 
https://gist.github.com/33c758ad77e6e6531392
SimGAN.
 
 
 
https://gist.github.com/33c758ad77e6e6531392
 
output_list = []
for j in range(0,16):
 show_img1 = features[j, :, :, :]

 #lab = show_img1.reshape([1] + list(show_img1.shape)).astype(np.float32)
 #show_img2 = sess.run(show_img1)
 #show_img2 = tf.reshape(show_img1, [64, 64, 3])
 show_img2 = tf.cast(show_img1, tf.float32)/255.0
 #show_img = tf.image.resize_images(show_img, [16, 16])
 #show_img3 = show_img2
 show_img3 = salt(show_img2, 7)
 show_img4 = show_img3
 show_img5 = ops.convert_to_tensor(show_img4, dtype=tf.float32,name='labels_and_features')
 #show_img3 = tf.reshape(show_img2, [64, 64, 3])
 #lab = show_img.reshape([1] + list(show_img.shape)).astype(np.float32)
 #jab = show_img3
 #train_features[i, :, :, :] = lab
 #lab = tf.reshape(lab, [64, 64, 3])
 output_list.append(show_img5)


 #lab2 = tf.reshape(output_list, [16, 64, 64, 3])

 #lab = tf.reshape(lab, [16,64, 64, 3])
 #lab=tf.convert_to_tensor(output_list)
jab2 = ops.convert_to_tensor(output_list, dtype=tf.float32, name='labels_and_features')
 
 
train_features2 = train_features
test_features2 = test_features

train_features1 = sess.run(train_features)
test_features1 = sess.run(test_features)
 
php  imagefilter  imagecolorstotal
 
 
yum install python-imaging

 

随机过程论(三节连上){1-16周[教师:孙洪祥,地点:3-235]}星期四 前三节

 
import cv2
import numpy as np


def salt(img, img2,n):
 noff=int((n-1)/2)
   for i in range(img.shape[1]):
       for j in range(img.shape[1]):
        # img.shape[0] -- 取得img 的列(图片的高)
        # img.shape[1] -- 取得img 的行(图片的宽)
        #i = int(np.random.random() * img.shape[1]);
        #j = int(np.random.random() * img.shape[0]);


       
            img[j, i, 0] = 255
            img[j, i, 1] = 255
            img[j, i, 2] = 255
       return img




img = cv2.imread("000001.jpg")
img2 = img.copy()
saltImage = salt(img, img2,11)


cv2.imshow("Salt", saltImage)
cv2.waitKey(0)
cv2.destroyAllWindows()
http://blog.csdn.net/chinamming?viewmode=contents
https://public.kitware.com/IGSTKWIKI/index.php/How_to_Build_IGSTK(old)
 
 

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 打赏
    打赏
  • 1
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包

打赏作者

c2a2o2

你的鼓励将是我创作的最大动力

¥1 ¥2 ¥4 ¥6 ¥10 ¥20
扫码支付:¥1
获取中
扫码支付

您的余额不足,请更换扫码支付或充值

打赏作者

实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值