LifeSaver
Articles of tag data-science
926
keras Loading model with custom loss function: ValueError: 'Unknown loss function'
633
keras Tensorflow backend - bug in model._make_predict_function(...)
516
keras Creating Model variable throws "AttributeError: 'Tensor' object has no attribute '_keras_history'"
423
ipython Last jedi release (0.18.0) is incompatible with ipython (7.19 and 7.18 tested); reason - column arg was deprecated, and now removed
395
keras "<tensor> is not an element of this graph." when loading model.
204
keras Quick Question: can a model be fit for multiple times?
202
ipython NameError: name 'sys' is not defined
183
keras Error when checking model target: expected activation_2 to have shape (None, 10) but got array with shape (3, 1)
178
keras Is there a way in Keras to apply different weights to a cost function?
175
matplotlib 'NSWindow drag regions should only be invalidated on the Main Thread!' - macos/python
173
keras Keras MaxPooling2D gives ValueError: Negative dimension size caused by subtracting 2 from 1 for 'MaxPool_x'
172
keras Keras model cannot be loaded if it contains a Lambda layer calling tf.image.resize_images
164
keras how to use fit_generator with multiple image inputs
151
keras Expected 3 dimensions but got array with shape (11, 2)
148
keras AttributeError: 'ProgbarLogger' object has no attribute 'log_values'
147
keras For large datasets, which to use: fit or train_on_batch?
147
keras Split train data into training and validation when using ImageDataGenerator and model.fit_generator
145
keras using pre trained VGG16 for another classification task
123
keras "Merge" versus "merge", what is the difference?
118
matplotlib Getting "No module named '_tkinter'" error
117
superset Was unable to import superset Error: cannot import name '_maybe_box_datetimelike'
115
keras load_model() with custom layers, and custom layers in general
108
keras Retrained MobileNet and failed to load it for prediction
107
keras How does Embedding Layer work?
105
keras Running tensorflow backend on single gpu but on multi gpu machine
105
keras TypeError: softmax() got an unexpected keyword argument 'axis'
101
keras Passing additional arguments to objective function
96
keras Option for using dropout in the predict phase (as an approximation to Bayesian DL)
91
probability ImportError: cannot import name 'abs' when importing TFP in Python 3 (and in Python 2)
89
keras loss function for multi-label problem
87
keras Convert Keras model to TensorFlow
82
keras experimental_list_devices in tensorflow_backend.py (line 506)
82
keras Removing layers with layers.pop() doesn't work?
78
keras A concrete example for using data generator for large datasets such as ImageNet
72
keras ImportError: No module named h5py
72
matplotlib Segmentation fault (core dumped) when import matplotlib.pyplot
71
keras Variable-size image to convolutional layer
71
keras val_acc KeyError using ModelCheckpoint.
69
keras Combining Pretrained model with new layers
67
keras LSTM/RNN input and output
67
hydrogen Hydrogen can't find ipykernel launcher
64
keras Attention Mechanism Implementation Issue
64
keras Each time I run the Keras, I get different result.
60
keras Callback self.validation_data is None, when fit_generator is used
60
keras ImageGenerator for multiple inputs
53
ipython No module named shutil_get_terminal_size
53
keras File "h5py/h5f.pyx", line 78, in h5py.h5f.open (/tmp/pip-nCYoKW-build/h5py/h5f.c:2117) IOError: Unable to open file (Truncated file: eof = 21463040, sblock->base_addr = 0, stored_eoa = 58889256)
51
keras Does Keras support using multiple GPUs?
50
keras How to implement my own loss function?
49
keras 'thread._local' object has no attribute 'value' error
48
keras how to load weights trained on multi gpu model to the single gpu model?
48
scikit learn mldata.org is down (for good?)
47
keras AttributeError: module 'pydot' has no attribute 'find_graphviz'
47
keras Unable to Load Custom Objectives from an H5 Model File
46
keras How to use a tensorflow metric function in keras?
45
keras Confusion regarding class_weight
43
keras Can't load_model with error “Optimizer weight shape (256, 32) not compatible with provided weight shape (4,)”
43
scikit learn Native wheels for the macos/arm64 platform (Apple Silicon M1 hardware)
41
keras memory leak when using tensorflow
41
keras Generalized dice loss for multi-class segmentation
39
pytorch lightning Model load_from_checkpoint
39
keras How to get learning rate during training ?
39
keras Keras freezing on last batch of first epoch (can't move to second epoch)
35
keras Attribute Error: Custom Generator object has no attribute 'shape'
35
keras How to Set/Change layer/model name
34
ray [Dashboard] OSError: [Errno 99] error while attempting to bind on address ('::1', 8265, 0, 0): cannot assign requested address
33
streamlit Ability to download data from Streamlit
32
keras No module named keras
32
keras Multi_gpu in keras not working with callbacks, but works fine if callback is removed
32
scikit learn Stratified GroupKFold
31
ipython ImportError: No module named shutil_get_terminal_size
31
keras 'You must feed a value for placeholder tensor' when using Tensorboard callback with submodels
31
keras AttributeError: module 'keras.backend.tensorflow_backend' has no attribute '_is_tf_1'
31
keras Unable to fine tune Keras vgg16 model - input shape issue
30
gensim Error on Word2vec training on tweets
30
scikit learn t-SNE fails with array must not contain infs or NaNs (OSX specific)
29
keras Different results between model.evaluate() and model.predict()
29
keras "bad marshal data" when loading model that was saved with python 2.7 into python 3.4.
29
keras Loading a trained model, popping the last two layers, and then saving it
29
seaborn relplot error when using str as hue
28
keras [BUG] Save Model with multi_gpu
27
keras model.save() throwed out an OSError: Unable to create file(error message = 'resource temporarily unavailable')
27
streamlit Watchdog error on install (Mac)
26
keras Spring 2017 roadmap: Keras 2, PR freeze, TF integration
26
keras Unnecessary Warning for trainable parameters
25
keras ValueError: Unable to create group (Name already exists) with model.save_weights()
24
keras Unable to load custom initializer from the saved model, passing custom_objects is not working
24
ray [rllib] What is the proper way to restore checkpoint for fine-tuning / rendering / evaluation of a trained agent based on example/multiagent_cartpole.py?
24
scikit learn Cannot get feature names after ColumnTransformer
23
pipelines [Multi User] failed to call kfp.Client().create_run_from_pipeline_func in in-cluster juypter notebook
22
ipython pip install error
22
keras fit_generator crashes though keras.utils.data_utils.Sequence was used
22
keras Proper way of making a data generator which can handle multiple workers
22
keras How does Masking work?
22
keras Exception: A target array with shape (395216, 24) was passed for an output of shape (None, 1)
22
scikit learn Failed To Install scikit-learn with Python 3.9 on Windows
21
spaCy Problem with spacy.load('en')
21
spaCy ValueError: 2539520 exceeds max_bin_len(1048576) when uses spacy.load()
21
keras Online Learning in Keras?
21
matplotlib error import matplotlib.pyplot as plt
21
scikit learn Handle Error Policy in OrdinalEncoder
21
streamlit Make "wide mode" sticky
20
superset Error logging in to superset (sqlalchemy.exc.ProgrammingError)
20
keras LSTM Autoencoder
20
keras Why the return of predict and predict generator are different?
20
keras How to save Scikit-Learn-Keras Model into a Persistence File (pickle/hd5/json/yaml)
19
keras Error InvalidArgumentError: Incompatible shapes when using accuracy metric, sparse_categorical_crossentropy, and batch size > 1
19
keras MobileNet initialization fails for small input_shape
18
hydrogen Hydrogen not able to run code - "The system cannot find the path specified"
17
keras model_from_json() in keras.models does not work for custom layers
17
seaborn The solution of display chinese in seaborn plot
17
streamlit Grid layout
16
keras Keras update after single batch which exceeds the GPU memory
16
matplotlib ImportError: No module named artist
15
keras Is it the same adding weight decay to all the layers (including input and output layer) than adding the weight decay term to the cost function?
15
keras Errors when evaluating a tensor in custom loss function?
15
keras ImportError: cannot import name np_utils
14
pytorch lightning How to use multiple metric monitors in ModelCheckpoint callback?
14
superset How to use “email report”?
14
keras Is there a way to save and load GAN models without losing the optimizer state?
14
keras Issues in Keras model loading in Tensorflow Serving
14
keras Keras - how to use class_weight with 3D data
14
keras How to get trainable weights?
14
keras Evaluate_generator produces wrong accuracy scores?
14
scikit learn Speed issues in t-SNE
13
pytorch lightning How to log train and validation loss in the same figure ?
13
cookiecutter data science Integration with dvc
13
keras loading weights of a sequential model into a graph model
13
keras how to train a many to many sequence labeling using LSTM and BLSTM respectively?
13
keras FailedPreconditionError: lack of intialization of Keras variables when using with TensorFlow
13
keras Precision, Recall and f1 score for multiclass classification
13
matplotlib Installation on CentOS using pip in virtualenv
13
probability AttributeError: 'tuple' object has no attribute 'layer'
13
tflearn ImportError: cannot import name titanic
13
wowchemy hugo themes TOC for blog posts
12
pytorch lightning Cyclic learning rate finder as a part of Trainer
12
spaCy 💫 Train parser and NER with regression objective, to make scores express expected parse quality
12
keras RuntimeError: "Cannot clone object ..." when using sklearn.base.clone with BaseEstimator
12
keras Issue with BatchNormalization when used with load_weights
12
keras Input and target format for multidimentional time-series regression
12
keras Undefined output shape in Conv2DTranspose
12
matplotlib plt.plot() terminating with uncaught exception of type NSException
12
seaborn Is the markers parameter in scatterplot() not implemented?
12
scikit learn Handle missing values in OneHotEncoder
12
streamlit Feature request: confirm_button
11
pytorch lightning How to log by epoch for both training and validation on 1.0.0rc4 / 1.0.0rc5 / 1.0.0
11
pytorch lightning Cannot import pytorch-lightning-v0.5.3
11
superset Filters as a native dashboard (v2) construct
11
superset How to have multiple filters on dashboard affecting different charts?
11
dvc Dataset storage improvements
11
dvc [Feature Request?] dvc run ... without actually running?
11
keras Error when load model with h5 file
11
keras error in importing keras with theano
11
keras Writing a metric is not easy.
11
keras TypeError: can't pickle _thread.lock objects
11
scikit learn add support for groups in train_test_split
11
streamlit Display PDF (implement PDF viewer)
10
keras ImageDataGenerator flow function continue to increase the amount of memory usage
8
pytorch lightning Log training metrics for each epoch
8
ipython Add multiline coding in ipython 5 with --simple-prompt
8
keras Has LamdaMerge been removed from keras? How to implement a custom-defined merge mode currently?
8
keras rnn-How to get last output to feed into current input
8
keras Access epoch number inside custom loss function
7
keras Visualize LSTM gate activations
7
ludwig pandas.errors.ParserError: Error tokenizing data. C error: Expected 83 fields in line 40, saw 92
7
ray Known issues on Windows
6
pytorch lightning Single node DDP: "Default process group is not initialized"
6
spaCy 💫 Participating in CoNLL 2018 Universal Dependencies evaluation (Team spaCy?)
6
ipython Bring back readline capability?
6
keras CNN-LSTM with video frame sequence: InvalidArgumentError: You must feed a value for placeholder tensor
6
scikit learn GaussianProcessRegression Fitting problem on Scikit-learn 0.18
6
scikit learn malloc error with SVD
5
orange3 Cannot open on Mac os Big Sur (Mac os 11.0)
5
seaborn one kdeplot function error of seaborn
5
drake Within-target parallelism fails
5
scanpy Export expression matrix from h5ad
4
gensim numpy 1.19.2 incompatible with gensim 4.1.0
4
superset PyArrow broke the build on ARM platform [Regression]
4
spaCy How to get dependency tags/tree in a CoNLL-format?
4
dvc Model parameter tracking
4
dvc ARM architecture support
4
dvc Pushing artifacts via WebDAV results in a 411 Length Required response
4
dvc Not able to push data of dependencies to the remote
4
keras Loading frames to 3D CNN
4
keras update your dense call to the keras 2
4
nni model speedup problem using pytorch when multi-output passed across model
4
drake Reproducible remote data sources
4
scikit learn K-Means clustering performance improvements
3
pytorch lightning Hydra configs with multi GPU DDP training in Pytorch Lightning
3
pytorch lightning Model summarize displayed twice before training starts
3
pytorch lightning How to keep some LightningModule's parameters on cpu when using CUDA devices for training
3
pytorch lightning the self.log problem in validation_step()
3
pytorch lightning Does one need to reset Metrics during the end of epoch in Lightning 1.0.3
3
pytorch lightning CUDA OOM when initializing DDP
3
gensim Incoherent topic word distributions after malletmodel2ldamodel
3
superset docker-compose failed to build
3
ipython ipython 7.12.0 tab completion doesn't work with numpy and scipy, but with matplotlib
3
dvc Connecting to SSH remote with a custom port and a private key
3
danfojs Integrate with vue 3
3
hydrogen Multiple kernels inside one rich document
3
dtreeviz Warning: No loadimage plugin for "svg:cairo"
3
snorkel LabelModel produces equal probability for labeled data
LifeSaver
Privacy PolicyDisclaimer