Questions tagged [chainer]

Chainer is an open source deep learning framework written in Python.

Chainer

A Powerful, Flexible, and Intuitive Framework for Neural Networks

For more info see chainer.org

194 questions
0
votes
2 answers

Non English Word Embedding from English Word Embedding

How can i generate non-english (french , spanish , italian ) word embedding from english word embedding ? What are the best ways to generate high quality word embedding for non - english words . Words may include (samsung-galaxy-s9)
Navin Kumar
  • 150
  • 2
  • 10
0
votes
2 answers

Chainer's Link becomes "NoneType"

I'm trying to construct an LSTM network with multi GPUs using Chainer (v4.0.0b1). As in the following code. import numpy as np import chainer from chainer import optimizers, Chain, training, iterators, serializers, cuda, Variable import…
0
votes
1 answer

Got error parsing message when import pretrain caffe model to chainer

I want to import Resnet50 pretrain file "ResNet-50-model.caffemodel" to chainer. Here is chainer code: class chexnet(L.ResNet50Layers): def __init__(self, pretrained_model="auto", out_features=2): super(chexnet,…
0
votes
3 answers

Import chainer in python throws error

I get the error: module 'matplotlib.colors' has no attribute 'to_rgba', when i import chainer in ipynb. I am using python 2 ,anaconda 4.1.1 ,chainer 4 and matplotlib 1.5.1.could anyone asses the problem
susane
  • 19
  • 1
  • 1
  • 7
0
votes
0 answers

Chainer - Train GoogLeNet on ImageNet subset

I'm learning to use the deep learning framework Chainer, and I'm in trouble training a GoogLeNet on ImageNet. I use the given example and call it using: python2 train_imagenet.py --arch googlenet --batchsize 64 --epoch 10 --gpu 0 …
MeanStreet
  • 1,217
  • 1
  • 15
  • 33
0
votes
1 answer

Error when building dataset for chainer model manually

There is an error when I train an NN with manual dataset. My code is here. Run python train_with_manual_data.py --manual 1, the output error is: InvalidType: Invalid operation is performed in: SoftmaxCrossEntropy (Forward) Expect:…
cmjdxy
  • 396
  • 1
  • 2
  • 15
0
votes
1 answer

How to use BatchNormalization3D in chainer?

Is chainer.links.BatchNormalization can only support 2D feature map ? How to write BatchNormalization3D code in chainer? Furthermore, pytorch has already support the BN3D…
machen
  • 283
  • 2
  • 10
0
votes
1 answer

Cupy error installation

I tried to install cupy via pip install cupy. I get the following error: Looking in links: /cvmfs/soft.computecanada.ca/custom/python/wheelhouse/avx2, /cvmfs/soft.computecanada.ca/custom/python/wheelhouse/generic Collecting cupy …
bib
  • 944
  • 3
  • 15
  • 32
0
votes
0 answers

Chainer: interrogate model shape

Is it possible to inspect a chainer.Chain to retrieve the shape of input arrays it expects? I'd like to do this to reshape numpy arrays before inference. Thanks!
Andre
  • 530
  • 3
  • 15
0
votes
1 answer

How to use chainer.links.BatchNormalization when loading pretrained parameter then evaluating validation dataset

I use pretrained imagenet model to use ResNet101 and BN layer to train another dataset. After I trained over, How should I evaluate the model?? Should I don't set chainer.using_config('train', False)?? I found the evaluate accuracy is too low even…
machen
  • 283
  • 2
  • 10
0
votes
1 answer

How to train chainer.links.EmbedID in chainer?

I want to train label embedding myself, (yes, label embedding like word embedding, but input is one hot vector of label) When I found chainer.links.EmbedID I found example in official document, it must pass W in it. How to train embbeding W matrix,…
machen
  • 283
  • 2
  • 10
0
votes
1 answer

Chainer - Python - Logistic Regression

I created a simple Logistic Regression model using Python and Chainer but I am not fully satisfied with the end result. Therefore, I would like to get some help. One restriction: I would not like to interchange the implemented functionalities by…
0
votes
1 answer

how can chainer use multi-cpu like multi-gpu

in chainer.dataset.to_device, i have found Parameters: device (int or None) – Device ID to which an array is sent. If it is negative value, an array is sent to CPU. If it is positive, an array is sent to GPU with the given ID. If it is None, an…
weiyu_pan
  • 15
  • 3
0
votes
1 answer

How to implement weighted-softmax in chainer

I am re-produce a paper https://arxiv.org/abs/1711.11575 : where it has one formula: But I searched chainer, it only has F.softmax,but it cannot add weight on to it. How to reimplement that formula?
machen
  • 283
  • 2
  • 10
0
votes
1 answer

Not getting proper output while running 'detection' demo of ChainerCV

I am trying to run a 'detection' demo of ChainerCV from here, https://github.com/chainer/chainercv/tree/master/examples/detection I am running this demo in BitFusion Ubuntu 14.04 Chainer AMI on AWS with a p2.xlarge instance which uses a single…
Hardik Chauhan
  • 2,750
  • 15
  • 30