diff --git a/github_issue_summarization/02_distributed_training.md b/github_issue_summarization/02_distributed_training.md index 6f5fac556..dc20accb5 100644 --- a/github_issue_summarization/02_distributed_training.md +++ b/github_issue_summarization/02_distributed_training.md @@ -1,5 +1,10 @@ # Distributed training using Estimator +Distributed training with keras currently doesn't work; see + +* kubeflow/examples#280 +* kubeflow/examples#96 + Requires Tensorflow 1.9 or later. Requires [StorageClass](https://kubernetes.io/docs/concepts/storage/storage-classes/) capable of creating ReadWriteMany persistent volumes. diff --git a/github_issue_summarization/demo/README.md b/github_issue_summarization/demo/README.md index 4f79ac30d..e1dcb6d7c 100644 --- a/github_issue_summarization/demo/README.md +++ b/github_issue_summarization/demo/README.md @@ -36,6 +36,8 @@ Here are the instructions for setting up the demo. 1. Follow the [instructions](https://www.kubeflow.org/docs/guides/gke/cloud-filestore/) to Setup an NFS share + * This is needed to do distributed training with the TF estimator example + 1. Create static IP for serving **gh-demo.kubeflow.org** ``` @@ -77,4 +79,53 @@ Here are the instructions for setting up the demo. cd gh-app ks env add gh-public --namespace=gh-public ks apply gh-public + ``` + +### Training and Deploying the model. + +We use the ksonnet app in [github/kubeflow/examples/github_issue_summarization/ks-kubeflow](https://github.com/kubeflow/examples/tree/master/github_issue_summarization/ks-kubeflow) + +The current environment is + +``` +export ENV=gh-demo-1003 +``` + +Set a bucket for the job output +``` +DAY=$(date +%Y%m%d) +ks param set --env=${ENV} tfjob-v1alpha2 output_model_gcs_bucket kubecon-gh-demo +ks param set --env=${ENV} tfjob-v1alpha2 output_model_gcs_path gh-demo/${DAY}/output +``` + +Run the job + +``` +ks apply ${ENV} -c tfjob-v1alpha2 +``` + + +#### Using TF Estimator with Keras + +1. Copy the data to the GCFS mount by launching a notebook and then running the following commands + + ``` + !mkdir -p /mnt/kubeflow-gcfs/gh-demo/data + !gcloud auth activate-service-account --key-file=${GOOGLE_APPLICATION_CREDENTIALS} + !gsutil cp gs://kubeflow-examples/github-issue-summarization-data/github-issues.zip /mnt/kubeflow-gcfs/gh-demo/data + !unzip /mnt/kubeflow-gcfs/gh-demo/data/github-issues.zip + !cp github_issues.csv /mnt/kubeflow-gcfs/gh-demo/data/ + ``` + + * TODO(jlewi): Can we modify the existing job that downloads data to a PVC to do this? + +1. Run the estimator job + + ``` + ks apply ${ENV} -c tfjob-estimator + ``` +1. Run TensorBoard + + ``` + ks apply ${ENV} -c tensorboard-pvc-tb ``` \ No newline at end of file diff --git a/github_issue_summarization/demo/gh-demo-1003/ks_app/components/google-cloud-filestore-pv.jsonnet b/github_issue_summarization/demo/gh-demo-1003/ks_app/components/google-cloud-filestore-pv.jsonnet new file mode 100644 index 000000000..d918e9ece --- /dev/null +++ b/github_issue_summarization/demo/gh-demo-1003/ks_app/components/google-cloud-filestore-pv.jsonnet @@ -0,0 +1,6 @@ +local env = std.extVar("__ksonnet/environments"); +local params = std.extVar("__ksonnet/params").components["google-cloud-filestore-pv"]; + +local google_cloud_file_store_pv = import "kubeflow/core/google-cloud-filestore-pv.libsonnet"; +local instance = google_cloud_file_store_pv.new(env, params); +instance.list(instance.all) diff --git a/github_issue_summarization/demo/gh-demo-1003/ks_app/components/params.libsonnet b/github_issue_summarization/demo/gh-demo-1003/ks_app/components/params.libsonnet index ffb9c3506..cfeb84432 100644 --- a/github_issue_summarization/demo/gh-demo-1003/ks_app/components/params.libsonnet +++ b/github_issue_summarization/demo/gh-demo-1003/ks_app/components/params.libsonnet @@ -25,7 +25,7 @@ jupyterhub: { accessLocalFs: 'false', cloud: 'gke', - disks: 'null', + disks: 'kubeflow-gcfs', gcpSecretName: 'user-gcp-sa', image: 'gcr.io/kubeflow/jupyterhub-k8s:v20180531-3bb991b1', jupyterHubAuthenticator: 'iap', @@ -104,14 +104,21 @@ secretName: 'envoy-ingress-tls', }, seldon: { - apifeServiceType: "NodePort", - name: "seldon", - namespace: "null", - operatorJavaOpts: "null", - operatorSpringOpts: "null", - seldonVersion: "0.2.3", - withApife: "false", - withRbac: "true", + apifeServiceType: 'NodePort', + name: 'seldon', + namespace: 'null', + operatorJavaOpts: 'null', + operatorSpringOpts: 'null', + seldonVersion: '0.2.3', + withApife: 'false', + withRbac: 'true', + }, + "google-cloud-filestore-pv": { + image: 'gcr.io/kubeflow-images-public/ubuntu:18.04', + name: 'kubeflow-gcfs', + path: '/kubeflow', + serverIP: '10.33.75.194', + storageCapacity: '20', }, }, } \ No newline at end of file diff --git a/github_issue_summarization/distributed/storage.yaml b/github_issue_summarization/distributed/storage.yaml deleted file mode 100644 index 6d0f6c5da..000000000 --- a/github_issue_summarization/distributed/storage.yaml +++ /dev/null @@ -1,53 +0,0 @@ -# You will need NFS storage class, or any other ReadWriteMany storageclass -# Quick and easy way to get it is https://github.com/helm/charts/tree/master/stable/nfs-server-provisioner -# For GKE you can use GCFS https://master.kubeflow.org/docs/started/getting-started-gke/#using-gcfs-with-kubeflow - ---- -kind: PersistentVolumeClaim -apiVersion: v0 -metadata: - name: models -spec: - accessModes: - - ReadWriteMany - resources: - requests: - storage: 49Gi - ---- -kind: PersistentVolumeClaim -apiVersion: v0 -metadata: - name: data -spec: - accessModes: - - ReadWriteMany - resources: - requests: - storage: 49Gi ---- -apiVersion: batch/v0 -kind: Job -metadata: - name: download -spec: - template: - spec: - containers: - - name: tensorflow - image: inc-1/issues - command: ["/issues/download_data.sh", "https://storage.googleapis.com/kubeflow-examples/github-issue-summarization-data/github-issues.zip", "/data"] - volumeMounts: - - name: data - mountPath: "/data" - - name: models - mountPath: "/model" - volumes: - - name: data - persistentVolumeClaim: - claimName: data - - name: models - persistentVolumeClaim: - claimName: models - restartPolicy: Never - backoffLimit: 3 diff --git a/github_issue_summarization/distributed/tfjob.yaml b/github_issue_summarization/distributed/tfjob.yaml deleted file mode 100644 index 0d03ce4b4..000000000 --- a/github_issue_summarization/distributed/tfjob.yaml +++ /dev/null @@ -1,69 +0,0 @@ ---- -apiVersion: "kubeflow.org/v1alpha2" -kind: TFJob -metadata: - name: github -spec: - tfReplicaSpecs: - Master: - replicas: 1 - template: - spec: - containers: - - name: tensorflow - image: inc0/issues - command: ["python", "/issues/train.py"] - volumeMounts: - - name: data - mountPath: "/data" - - name: models - mountPath: "/model" - volumes: - - name: data - persistentVolumeClaim: - claimName: data - - name: models - persistentVolumeClaim: - claimName: models - Worker: - replicas: 5 - template: - spec: - containers: - - name: tensorflow - image: inc0/issues - command: ["python", "/issues/train.py"] - volumeMounts: - - name: data - mountPath: "/data" - - name: models - mountPath: "/model" - volumes: - - name: data - persistentVolumeClaim: - claimName: data - - name: models - persistentVolumeClaim: - claimName: models - PS: - replicas: 3 - template: - spec: - containers: - - name: tensorflow - image: inc0/issues - command: ["python", "/issues/train.py"] - volumeMounts: - - name: data - mountPath: "/data" - - name: models - mountPath: "/model" - ports: - - containerPort: 6006 - volumes: - - name: data - persistentVolumeClaim: - claimName: data - - name: models - persistentVolumeClaim: - claimName: models diff --git a/github_issue_summarization/distributed/train.py b/github_issue_summarization/distributed/train.py deleted file mode 100644 index 8a0c4938b..000000000 --- a/github_issue_summarization/distributed/train.py +++ /dev/null @@ -1,177 +0,0 @@ -import json -import logging -import os -import sys -import time - -import numpy as np -import dill as dpickle -import pandas as pd -import tensorflow as tf - -from ktext.preprocess import processor -from sklearn.model_selection import train_test_split - -from seq2seq_utils import load_decoder_inputs, load_encoder_inputs, load_text_processor - -data_dir = "/model/" -model_dir = "/model/" - -logger = logging.getLogger() -logger.setLevel(logging.INFO) - -logger.warning("starting") - -data_file = '/data/github_issues.csv' -use_sample_data = True - -tf_config = os.environ.get('TF_CONFIG', '{}') -tf_config_json = json.loads(tf_config) - -cluster = tf_config_json.get('cluster') -job_name = tf_config_json.get('task', {}).get('type') -task_index = tf_config_json.get('task', {}).get('index') - -if job_name: - cluster_spec = tf.train.ClusterSpec(cluster) -if job_name == "ps": - server = tf.train.Server(cluster_spec, - job_name=job_name, - task_index=task_index) - - server.join() - sys.exit(0) - - -if tf_config and job_name == "master": - while True: - if os.path.isfile(data_file): - break - print("Waiting for dataset") - time.sleep(2) - if use_sample_data: - training_data_size = 2000 - traindf, testdf = train_test_split(pd.read_csv(data_file).sample(n=training_data_size), - test_size=.10) - else: - itraindf, testdf = train_test_split(pd.read_csv(data_file), test_size=.10) - - train_body_raw = traindf.body.tolist() - train_title_raw = traindf.issue_title.tolist() - - body_pp = processor(keep_n=8000, padding_maxlen=70) - train_body_vecs = body_pp.fit_transform(train_body_raw) - - print('\noriginal string:\n', train_body_raw[0], '\n') - print('after pre-processing:\n', train_body_vecs[0], '\n') - - title_pp = processor(append_indicators=True, keep_n=4500, - padding_maxlen=12, padding='post') - - # process the title data - train_title_vecs = title_pp.fit_transform(train_title_raw) - - print('\noriginal string:\n', train_title_raw[0]) - print('after pre-processing:\n', train_title_vecs[0]) - - # Save the preprocessor - with open(data_dir + 'body_pp.dpkl', 'wb') as f: - dpickle.dump(body_pp, f) - - with open(data_dir + 'title_pp.dpkl', 'wb') as f: - dpickle.dump(title_pp, f) - - # Save the processed data - np.save(data_dir + 'train_title_vecs.npy', train_title_vecs) - np.save(data_dir + 'train_body_vecs.npy', train_body_vecs) -else: - time.sleep(120) - -while True: - if os.path.isfile(data_dir + 'train_body_vecs.npy'): - break - print("Waiting for dataset") - time.sleep(2) -encoder_input_data, doc_length = load_encoder_inputs(data_dir + 'train_body_vecs.npy') -decoder_input_data, decoder_target_data = load_decoder_inputs(data_dir + 'train_title_vecs.npy') - -num_encoder_tokens, body_pp = load_text_processor(data_dir + 'body_pp.dpkl') -num_decoder_tokens, title_pp = load_text_processor(data_dir + 'title_pp.dpkl') - -#arbitrarly set latent dimension for embedding and hidden units -latent_dim = 300 - -##### Define Model Architecture ###### - -######################## -#### Encoder Model #### -encoder_inputs = tf.keras.layers.Input(shape=(doc_length,), name='Encoder-Input') - -# Word embeding for encoder (ex: Issue Body) -x = tf.keras.layers.Embedding( - num_encoder_tokens, latent_dim, name='Body-Word-Embedding', mask_zero=False)(encoder_inputs) -x = tf.keras.layers.BatchNormalization(name='Encoder-Batchnorm-1')(x) - -# Intermediate GRU layer (optional) -#x = GRU(latent_dim, name='Encoder-Intermediate-GRU', return_sequences=True)(x) -#x = BatchNormalization(name='Encoder-Batchnorm-2')(x) - -# We do not need the `encoder_output` just the hidden state. -_, state_h = tf.keras.layers.GRU(latent_dim, return_state=True, name='Encoder-Last-GRU')(x) - -# Encapsulate the encoder as a separate entity so we can just -# encode without decoding if we want to. -encoder_model = tf.keras.Model(inputs=encoder_inputs, outputs=state_h, name='Encoder-Model') - -seq2seq_encoder_out = encoder_model(encoder_inputs) - -######################## -#### Decoder Model #### -decoder_inputs = tf.keras.layers.Input(shape=(None,), name='Decoder-Input') # for teacher forcing - -# Word Embedding For Decoder (ex: Issue Titles) -dec_emb = tf.keras.layers.Embedding( - num_decoder_tokens, - latent_dim, name='Decoder-Word-Embedding', - mask_zero=False)(decoder_inputs) -dec_bn = tf.keras.layers.BatchNormalization(name='Decoder-Batchnorm-1')(dec_emb) - -# Set up the decoder, using `decoder_state_input` as _state. -decoder_gru = tf.keras.layers.GRU( - latent_dim, return_state=True, return_sequences=True, name='Decoder-GRU') - -# FIXME: seems to be running into this https://github.com/keras-team/keras/issues/9761 -decoder_gru_output, _ = decoder_gru(dec_bn) # , initial_state=seq2seq_encoder_out) -x = tf.keras.layers.BatchNormalization(name='Decoder-Batchnorm-2')(decoder_gru_output) - -# Dense layer for prediction -decoder_dense = tf.keras.layers.Dense( - num_decoder_tokens, activation='softmax', name='Final-Output-Dense') -decoder_outputs = decoder_dense(x) - -######################## -#### Seq2Seq Model #### - -start_time = time.time() -seq2seq_Model = tf.keras.Model([encoder_inputs, decoder_inputs], decoder_outputs) - -seq2seq_Model.compile( - optimizer=tf.keras.optimizers.Nadam(lr=0.001), - loss='sparse_categorical_crossentropy', - metrics=['accuracy']) - -cfg = tf.estimator.RunConfig(session_config=tf.ConfigProto(log_device_placement=False)) - -estimator = tf.keras.estimator.model_to_estimator( - keras_model=seq2seq_Model, model_dir=model_dir, config=cfg) - -expanded = np.expand_dims(decoder_target_data, -1) -input_fn = tf.estimator.inputs.numpy_input_fn( - x={'Encoder-Input': encoder_input_data, 'Decoder-Input': decoder_input_data}, - y=expanded, - shuffle=False) - -train_spec = tf.estimator.TrainSpec(input_fn=input_fn, max_steps=30) -eval_spec = tf.estimator.EvalSpec(input_fn=input_fn, throttle_secs=10, steps=10) - -result = tf.estimator.train_and_evaluate(estimator, train_spec, eval_spec) diff --git a/github_issue_summarization/ks-kubeflow/app.yaml b/github_issue_summarization/ks-kubeflow/app.yaml index 867f252c5..e3f99f1a2 100644 --- a/github_issue_summarization/ks-kubeflow/app.yaml +++ b/github_issue_summarization/ks-kubeflow/app.yaml @@ -12,6 +12,12 @@ environments: server: https://35.188.73.10 k8sVersion: v1.7.0 path: default + gh-demo-1003: + destination: + namespace: kubeflow + server: https://104.196.134.59 + k8sVersion: v1.10.7 + path: gh-demo-1003 jlewi: destination: namespace: kubeflow diff --git a/github_issue_summarization/ks-kubeflow/components/params.libsonnet b/github_issue_summarization/ks-kubeflow/components/params.libsonnet index 389b9d9d6..ca1c06a73 100644 --- a/github_issue_summarization/ks-kubeflow/components/params.libsonnet +++ b/github_issue_summarization/ks-kubeflow/components/params.libsonnet @@ -3,8 +3,7 @@ components: { // Component-level parameters, defined initially from 'ks prototype use ...' // Each object below should correspond to a component in the components/ directory - "data-pvc": { - }, + "data-pvc": {}, seldon: { apifeImage: "seldonio/apife:0.1.5", apifeServiceType: "NodePort", @@ -77,5 +76,7 @@ name: "tfjob-pvc-v1alpha2", }, "hp-tune": {}, + // Run tensorboard with pvc. + // This is intended for use with tfjob-estimator }, } diff --git a/github_issue_summarization/ks-kubeflow/components/tensorboard-pvc.libsonnet b/github_issue_summarization/ks-kubeflow/components/tensorboard-pvc.libsonnet new file mode 100644 index 000000000..0126a8a21 --- /dev/null +++ b/github_issue_summarization/ks-kubeflow/components/tensorboard-pvc.libsonnet @@ -0,0 +1,113 @@ +{ + parts(params, env): { + local name = params.name, + local namespace = env.namespace, + + service:: { + apiVersion: "v1", + kind: "Service", + metadata: { + name: name + "-tb", + namespace: env.namespace, + annotations: { + "getambassador.io/config": + std.join("\n", [ + "---", + "apiVersion: ambassador/v0", + "kind: Mapping", + "name: " + name + "_mapping", + "prefix: /tensorboard/" + name + "/", + "rewrite: /", + "service: " + name + "-tb." + namespace, + ]), + }, //annotations + }, + spec: { + ports: [ + { + name: "http", + port: 80, + targetPort: 80, + }, + ], + selector: { + app: "tensorboard", + "tb-job": name, + }, + }, + }, + + deployment:: { + apiVersion: "apps/v1beta1", + kind: "Deployment", + metadata: { + name: name + "-tb", + namespace: env.namespace, + }, + spec: { + replicas: 1, + template: { + metadata: { + labels: { + app: "tensorboard", + "tb-job": name, + }, + name: name, + namespace: namespace, + }, + spec: { + containers: [ + { + command: [ + "/usr/local/bin/tensorboard", + "--logdir=" + params.logDir, + "--port=80", + ], + image: params.image, + name: "tensorboard", + ports: [ + { + containerPort: 80, + }, + ], + // "livenessProbe": { + // "httpGet": { + // "path": "/", + // "port": 80 + // }, + // "initialDelaySeconds": 15, + // "periodSeconds": 3 + // } + volumeMounts: [ + { + name: "gcp-credentials", + mountPath: "/secret/gcp-credentials", + readOnly: true, + }, + { + name: "shared-fs", + mountPath: params.mountPath, + }, + ], + }, + ], + volumes: [ + { + name: "gcp-credentials", + secret: { + secretName: params.gcpSecretName, + }, + }, + { + name: "shared-fs", + persistentVolumeClaim: { + claimName: params.pvc, + }, + }, + ], //volumes + }, + }, + }, + }, + }, +} diff --git a/github_issue_summarization/ks-kubeflow/environments/cloud/params.libsonnet b/github_issue_summarization/ks-kubeflow/environments/cloud/params.libsonnet index 53be2ab70..4b188fc9b 100644 --- a/github_issue_summarization/ks-kubeflow/environments/cloud/params.libsonnet +++ b/github_issue_summarization/ks-kubeflow/environments/cloud/params.libsonnet @@ -1,16 +1,17 @@ -local params = import "../../components/params.libsonnet"; +local params = import '../../components/params.libsonnet'; + params + { - components +: { + components+: { // Insert component parameter overrides here. Ex: // guestbook +: { - // name: "guestbook-dev", - // replicas: params.global.replicas, + // name: "guestbook-dev", + // replicas: params.global.replicas, // }, - "kubeflow-core" +: { - cloud: "gke", + "kubeflow-core"+: { + cloud: 'gke', }, - ui +: { - github_token: "null", + ui+: { + github_token: 'null', }, }, -} +} \ No newline at end of file diff --git a/github_issue_summarization/ks-kubeflow/environments/default/params.libsonnet b/github_issue_summarization/ks-kubeflow/environments/default/params.libsonnet index 9921fb581..1b93614b2 100644 --- a/github_issue_summarization/ks-kubeflow/environments/default/params.libsonnet +++ b/github_issue_summarization/ks-kubeflow/environments/default/params.libsonnet @@ -1,10 +1,5 @@ -local params = import "../../components/params.libsonnet"; +local params = import '../../components/params.libsonnet'; + params + { - components +: { - // Insert component parameter overrides here. Ex: - // guestbook +: { - // name: "guestbook-dev", - // replicas: params.global.replicas, - // }, - }, -} + components+: {}, +} \ No newline at end of file diff --git a/github_issue_summarization/ks-kubeflow/environments/kubecon-gh-demo-1/params.libsonnet b/github_issue_summarization/ks-kubeflow/environments/kubecon-gh-demo-1/params.libsonnet index 9921fb581..1b93614b2 100644 --- a/github_issue_summarization/ks-kubeflow/environments/kubecon-gh-demo-1/params.libsonnet +++ b/github_issue_summarization/ks-kubeflow/environments/kubecon-gh-demo-1/params.libsonnet @@ -1,10 +1,5 @@ -local params = import "../../components/params.libsonnet"; +local params = import '../../components/params.libsonnet'; + params + { - components +: { - // Insert component parameter overrides here. Ex: - // guestbook +: { - // name: "guestbook-dev", - // replicas: params.global.replicas, - // }, - }, -} + components+: {}, +} \ No newline at end of file diff --git a/github_issue_summarization/distributed/Dockerfile b/github_issue_summarization/notebooks/Dockerfile.estimator similarity index 51% rename from github_issue_summarization/distributed/Dockerfile rename to github_issue_summarization/notebooks/Dockerfile.estimator index 5dbf54a32..b9d34b10b 100644 --- a/github_issue_summarization/distributed/Dockerfile +++ b/github_issue_summarization/notebooks/Dockerfile.estimator @@ -1,12 +1,19 @@ +# TODO(jlewi): Can we merge with Dockerfile? +# This Dockerfile is used for training with TF.Estimator. +# We can probably use the same notebook Docker image if +# we just upgrade the notebook version. FROM python:3.6 +# TODO(jlewi): We should probably pin version of TF and other libraries. RUN pip install --upgrade ktext annoy sklearn nltk tensorflow RUN pip install --upgrade matplotlib ipdb +RUN pip install --upgrade google-cloud google-cloud-storage ENV DEBIAN_FRONTEND=noninteractive RUN apt-get update && apt-get install unzip RUN mkdir /issues WORKDIR /issues -COPY distributed /issues +COPY notebooks/train.py /issues +COPY notebooks/trainer.py /issues COPY notebooks/seq2seq_utils.py /issues COPY ks-kubeflow/components/download_data.sh /issues RUN chmod +x /issues/download_data.sh diff --git a/github_issue_summarization/notebooks/Makefile b/github_issue_summarization/notebooks/Makefile index 59e094815..5086e72b0 100644 --- a/github_issue_summarization/notebooks/Makefile +++ b/github_issue_summarization/notebooks/Makefile @@ -26,11 +26,13 @@ ifeq ($(strip $(CHANGED_FILES)),) # Changed files is empty; not dirty # Don't include --dirty because it could be dirty if files outside the ones we care # about changed. -TAG := $(shell date +v%Y%m%d)-$(shell git describe --tags --always) +GIT_VERSION := $(shell git describe --always) else -TAG := $(shell date +v%Y%m%d)-$(shell git describe --tags --always --dirty)-$(shell git diff | shasum -a256 | cut -c -6) +GIT_VERSION := $(shell git describe --always)-dirty-$(shell git diff | shasum -a256 | cut -c -6) endif +TAG := $(shell date +v%Y%m%d)-$(GIT_VERSION) + DIR := $(shell pwd) # Use a subdirectory of the root directory @@ -43,6 +45,7 @@ MODEL_GCS := gs://kubeflow-examples-data/gh_issue_summarization/model/v20180426 PROJECT := kubeflow-examples IMG := gcr.io/$(PROJECT)/tf-job-issue-summarization +IMG_ESTIMATOR := gcr.io/$(PROJECT)/tf-job-issue-summarization-estimator # gcr.io is prepended automatically by Seldon's builder. MODEL_IMG_NAME := $(PROJECT)/issue-summarization-model @@ -65,7 +68,7 @@ set-image: push build: docker build ${DOCKER_BUILD_OPTS} -f Dockerfile -t $(IMG):$(TAG) ./ @echo Built $(IMG):$(TAG) - + $(BUILD_DIR)/body_pp.dpkl: mkdir -p model gsutil cp $(MODEL_GCS)/body_pp.dpkl $(BUILD_DIR)/ @@ -73,7 +76,7 @@ $(BUILD_DIR)/body_pp.dpkl: $(BUILD_DIR)/title_pp.dpkl: mkdir -p model gsutil cp $(MODEL_GCS)/title_pp.dpkl $(BUILD_DIR)/ - + $(BUILD_DIR)/seq2seq_model_tutorial.h5: mkdir -p model gsutil cp $(MODEL_GCS)/seq2seq_model_tutorial.h5 $(BUILD_DIR)/ @@ -88,20 +91,30 @@ download-model: $(BUILD_DIR)/seq2seq_model_tutorial.h5 $(BUILD_DIR)/title_pp.dpk # TODO(jlewi): This doesn't actually pick up changes to code. The problem is that docker run is not detecting when code changes # and when it does copying it to $(BUILD_DIR)/build. Using --force fixes that problem but then it looks like docker build # no longer uses the cache and rebuilds are slow. Manually copying the files doesn't work because the files end up -# owned by root because they were created inside the container. +# owned by root because they were created inside the container. # The work around now is to manually copy files (e.g. in a shell outside Make) as needed build-model-image: download-model $(BUILD_DIR)/seq2seq_utils.py $(BUILD_DIR)/IssueSummarization.py $(BUILD_DIR)/requirements.txt # The docker run comand creates a Dockerfile for the seldon image with required assets - docker run -v $(BUILD_DIR):/my_model seldonio/core-python-wrapper:0.7 /my_model IssueSummarization $(TAG) gcr.io --base-image=python:3.6 --image-name=$(MODEL_IMG_NAME) + docker run -v $(BUILD_DIR):/my_model seldonio/core-python-wrapper:0.7 /my_model IssueSummarization $(TAG) gcr.io --base-image=python:3.6 --image-name=$(MODEL_IMG_NAME) # We don't use the script generated by Seldon because that script won't get updated by make to reflect the change # in the desired tag. docker build -t $(MODEL_IMG):$(TAG) -f $(BUILD_DIR)/build/Dockerfile $(BUILD_DIR)/build @echo built $(MODEL_IMG):$(TAG) - + push-model-image: build-model-image - echo pushing $(MODEL_IMG):$(TAG) + echo pushing $(MODEL_IMG):$(TAG) gcloud docker -- push $(MODEL_IMG):$(TAG) - + set-model-image: push-model-image # Set the image to use cd ../ks-kubeflow && ks param set issue-summarization-model-serving image $(MODEL_IMG):$(TAG) + +# Build the estimator image +build-estimator: + cd .. && docker build ${DOCKER_BUILD_OPTS} -t $(IMG_ESTIMATOR):$(TAG) . \ + -f ./notebooks/Dockerfile.estimator --label=git-verions=$(GIT_VERSION) + @echo Built $(IMG_ESTIMATOR):$(TAG) + +push-estimator: build-estimator + gcloud docker -- push $(IMG_ESTIMATOR):$(TAG) + @echo Pushed $(IMG_ESTIMATOR):$(TAG) \ No newline at end of file diff --git a/github_issue_summarization/notebooks/seq2seq_utils.py b/github_issue_summarization/notebooks/seq2seq_utils.py index 0ddaebfab..986d4877f 100644 --- a/github_issue_summarization/notebooks/seq2seq_utils.py +++ b/github_issue_summarization/notebooks/seq2seq_utils.py @@ -394,7 +394,8 @@ def set_recsys_data(self, original_df): def set_recsys_annoyobj(self, annoyobj): self.nn = annoyobj - def evaluate_model(self, holdout_bodies, holdout_titles): + def evaluate_model(self, holdout_bodies, holdout_titles, max_len_title=None, + use_tqdm=False): """ Method for calculating BLEU Score. @@ -405,6 +406,13 @@ def evaluate_model(self, holdout_bodies, holdout_titles): holdout_titles : List[str] This is the ground truth we are trying to predict --> issue titles + max_len_title: int (optional) + The maximum length of the title the model will generate + + use_tqdm: bool(False) + If true and running in a notebook this uses the tqdm library to + print a status bar. + Returns ------- bleu : float @@ -417,8 +425,13 @@ def evaluate_model(self, holdout_bodies, holdout_titles): logging.warning('Generating predictions.') # step over the whole set TODO: parallelize this - for i in tqdm_notebook(range(num_examples)): - _, yhat = self.generate_issue_title(holdout_bodies[i]) + example_range = range(num_examples) + if use_tqdm: + example_range = tqdm_notebook(example_range) + + for i in example_range: + _, yhat = self.generate_issue_title(holdout_bodies[i], + max_len_title=max_len_title) actual.append(self.pp_title.process_text([holdout_titles[i]])[0]) predicted.append(self.pp_title.process_text([yhat])[0]) diff --git a/github_issue_summarization/notebooks/test_data/github_issues_sample.csv b/github_issue_summarization/notebooks/test_data/github_issues_sample.csv new file mode 100644 index 000000000..8b539299d --- /dev/null +++ b/github_issue_summarization/notebooks/test_data/github_issues_sample.csv @@ -0,0 +1,5828 @@ +,issue_url,issue_title,body +505832,"""https://github.com/citra-emu/citra/issues/2736""",feature request the mouse input should be able to be re-bound to other citra input,"i noticed that you have hardcoded the mouse input entirely in order to control the second screen. while that does make some common sense for the 3ds, i think it's bad design that it is hardcoded. a lot of people are used to using mice for input in emulation. for instance, in ocarina and majora's you can target with a weapon that offers camera viewing and the mouse can take over, at least temporarily with a modifier. at the very least one should be able to rebind the main mouse keys and of course be able to bind also the axes direction of it." +5012410,"""https://github.com/Cocoanetics/DTCoreText/issues/1112""",dtcoretext takes up too much memory,"when i use the dtattributedlabel, i habitually looked at the memory usage, found that it will not destroy the memory ! 2017-10-23 6 31 59 https://user-images.githubusercontent.com/24238447/31885264-84d8c2e8-b7b5-11e7-8ed5-83ee49547230.png specific steps: 1. premise, dtattributedlabel on a subpage 2. into the sub-interface, memory increases, i think i can understand 3. after exiting the implementation of the deinit method i am using swift , the memory is not released, and i'm surprised 4. re-enter, memory increased again 5. the cycle of the above operations, memory continues to grow i see you in answering another related question, say nscache is storing something, but i think the memory has been increasing after all is not a good thing hope to get your reply, thank you" +4822192,"""https://github.com/udif/ITEADSW_Iteaduino-Lite-HSP/issues/1""",no versioning yet!,"when package is installed under arduino 1.6.12, it appears without a version number." +4494766,"""https://github.com/Statoil/libres/issues/30""",queue not open and not ready for use,abort called from: job_queue_check_open $libres/libjob_queue/src/job_queue.c:820 error message: job_queue_check_open: queue not open and not ready for use; method job_queue_reset must be called before using the queue - aborting 00 ??? .. in ~libecl/lib/util/util_abort_gnu.c:170 01 util_abort__ .. in ~libecl/lib/util/util_abort_gnu.c:303 02 job_queue_check_open .. in ~libres/libjob_queue/src/job_queue.c:821 03 job_queue_run_jobs .. in ~libres/libjob_queue/src/job_queue.c:864 04 job_queue_run_jobs__ .. in ~libres/libjob_queue/src/job_queue.c:1040 05 ???? 06 clone .. in ??? +5295939,"""https://github.com/toggl/toggl_api_docs/issues/262""",setting project_ids to 0 does not seem to filter out items without a project,"seems like the docs talk about something that no longer works, have to manually filter out items with nil project from the reports" +5142411,"""https://github.com/danielgindi/Charts/issues/2700""",ivalueformatter text showing more than one time,"i am tried to patrician yaxis as 3or 4 separate blocks with limit lines . for this i am given different hardcoded values. but i need to display original values on top of bars . for this i used ivalueformatter to get customized text . but here problem is , it showing text overlap. could you please help me the approach. ! screen shot 2017-08-10 at 2 23 24 pm https://user-images.githubusercontent.com/8588641/29157170-3fd16d88-7dd8-11e7-91f9-5801264f83e0.png" +2464574,"""https://github.com/loboris/MicroPython_ESP32_psRAM_LoBo/issues/55""",lock object support in _thread implementation?,"do you have plans to implement lock object support in your _thread class implementation? for example, currently allocate_lock etc. is commented out for the _thread object in modthread.c : > components/micropython/py/modthread.c: //{ mp_rom_qstr mp_qstr_allocate_lock , mp_rom_ptr &mod_thread_allocate_lock_obj }, without this support it seems that one has to resort to polling with your thread notification functions, which is unfortunate... or is there another way one can perform true blocking synchronization between threads with your implementation?" +4084564,"""https://github.com/helixarch/debtap/issues/33""",possibility of generating alpine linux packages?,"this could be particularly useful in docker https://thenewstack.io/alpine-linux-heart-docker/ and postmarketos https://postmarketos.org/ , both of which use alpine as a base system." +4589827,"""https://github.com/magicjj/dominion-analyzer/issues/1175""",missing card: -coin token set by bridge troll,check if this card's info exists in deckdata.js +4403421,"""https://github.com/shidel/FDI/issues/2""",advanced keymap choosing step,"now in installer, user can choose only one variant of keymap - language. i want to suggest made yet one step - choosing keymap of language. for example, in russian language this standard , typewriter and dos here i was published russian keymaps - http://sourceforge.net/p/freedos/bugs/174/" +2158667,"""https://github.com/markreynoso/electric_slide/issues/3""",data summary graphs,"as a user, i would like to see a representation of how the program learned to solve slide puzzles, to better understand. difficult estimate: 5 stretch-goal: no" +3106729,"""https://github.com/django/django-formtools/issues/115""","is it correct, that we use state and stage in the preview.py?","we use state here https://github.com/django/django-formtools/blob/b518a9e59f76923ce8d226c61b9cb4eb3469d790/formtools/preview.py l21 and stage here https://github.com/django/django-formtools/blob/b518a9e59f76923ce8d226c61b9cb4eb3469d790/formtools/preview.py l24 . is that correct? i am still figuring out how the code works, so sorry if this is a dump questions. but it looks like an error to me." +1338227,"""https://github.com/quixdb/squash/issues/229""",make use of all zstd compression levels?,"looking at the chart at https://quixdb.github.io/squash-benchmark/ results-table i see only one entry for zstd, instead of a set of 22 levels as defined in the code. all the other compression libraries seem to be tested at multiple compression levels, so i'm wondering why this one isn't?" +4977275,"""https://github.com/clementine-player/Clementine/issues/5776""",feature: edit track/album hotkey,- x i checked the issue tracker for similar issues - x i checked the changelog https://github.com/clementine-player/clementine/blob/master/changelog if the issue is already resolved - x i tried the latest clementine build from here https://builds.clementine-player.org/ system information please provide information about your system and the version of clementine used. - operating system: ubuntu 16.04.02 64 bit - clementine version: 1.3.1 expected behaviour / actual behaviour being able to add shortcut hotkey to edit track/album information +3273234,"""https://github.com/alexey-lysiuk/bym/issues/6""",file based customization,"re-add ability to customize build environment via file, i.e. python module with extra options" +5206433,"""https://github.com/ISISComputingGroup/IBEX/issues/2809""",opi checker: does not check tabbed containers correctly,as a developer i would like to be able to check opis that contain a tabbed container. when the opi checker is run on these it throws an error when checking tab font colours. +1660027,"""https://github.com/montao/gamex/issues/3""",app issues and feedback,"hi niklas, i had checked the app in portrait and landscape modes and it looks good. but i have some feedback on it. please check out these points. 1. if possible could you add a feature like show and hide for the actionbar section in the app. because it occupies space on the screen and if we can add this feature it looks good. 2. if possible could you add a feature like monkey jamie can jump and can catch banana? 3. i configured issues sometimes jamie can't move he sucked properly while moving on both sides. left side to right side and right side to left side ! screen1 https://user-images.githubusercontent.com/3048390/32935119-9fe0b616-cb94-11e7-97b8-19c8bc062d18.png" +3378674,"""https://github.com/reasonml-community/bs-moment/issues/18""",moment should be in dependencies,"really minor : for consumers to get the original moment package when downloading the bindings and avoid version mismatches, it should be better moved to dependencies now it's in devdependencies https://github.com/reasonml-community/bs-moment/blob/master/package.json l22 ." +4588386,"""https://github.com/hsz/idea-gitignore/issues/396""",hi cpu usage whilst coding with version 2.0.0,"after upgrading .ignore plugin to version 2.0.0 i have found phpstorm to be very sluggish. as i type, the cpu spikes and there's a delay typing every character and a delay with autocomplete options being populated. disabling the .ignore plugin solves the issue. these are my phpstorm about details. phpstorm 2017.2 build ps-172.3317.83, built on july 18, 2017 jre: 1.8.0_152-release-915-b5 amd64 jvm: openjdk 64-bit server vm by jetbrains s.r.o linux 4.8.0-58-generic let me know if there's more information i can provide." +2286788,"""https://github.com/ridwanskaterock/cicool/issues/98""",issues with 2017-08-10 release,"i have had a couple of issues with installing the new version. 1 i don't see how to turn off demo mode. it is currently stating that the db will be reset every 60 minutes. how do i turn that off? 2 the install was failing during the db creation step. the following line in ...application/migrations/001_cicool.php was causing an exception: $this->db->query set global sql_mode='strict_trans_tables,no_zero_in_date,no_zero_date,error_for_division_by_zero,no_auto_create_user,no_engine_substitution'; ; i commented it out and the install went fine. thank you for a great product! sean" +4403628,"""https://github.com/redstone/LegacyFactions/issues/68""",anti territory log off option,would love an option in the config to teleport players to spawn if they log off in another faction's land. something like this with similar options : https://www.spigotmc.org/resources/anti-factions-territory-log-off-factionsuuid-supported.13659/ +5000504,"""https://github.com/Recruitee/mix_docker/issues/22""",docker.publish is broken on master,"when i try to use mix docker.publish, i get the following error: 01:17:34.922 debug $ docker push repo/myproject:2a475ece8a docker push requires exactly 1 argument s . see 'docker push --help'. i configured my tag using: config :mix_docker, image: repo/myproject , tag: {git-sha} passing the args to docker push seems to create an invisible character or something that docker does not like. also if args is really needed for docker push, the proper syntax is: docker push options name :tag right now, the code append the options after the name :tag : defp docker :push, image, args do system! docker , push , image, args end" +4686615,"""https://github.com/company-mode/company-mode/issues/696""",question on the variable name that controls the font face,"could you tell me which variable in company-mode control the font face the dark-red letters circled in the following figure? i want to fix it under my theme. however, i failed to locate the variable. many thanks! ! eg https://user-images.githubusercontent.com/5046605/29469432-85b2dc80-8448-11e7-813a-ce9eac3edc15.png" +1144746,"""https://github.com/FACG2/webtopia/issues/20""",some links does not work,about and contact at the header does not work +4221969,"""https://github.com/performant-software/Annotation-Studio/issues/114""","allow authorial annotations, ascribed to other, perhaps non-existent users","could be handled: 1. with an actual phantom user 2. with a category on a normal annotation 3. within the text, as is the case now on manfred" +1174165,"""https://github.com/koorellasuresh/UKRegionTest/issues/27405""",first from flow in uk south,first from flow in uk south +4128651,"""https://github.com/psu-libraries/cho-req/issues/255""",create autocomplete connector for any getty vocabulary,another connector like refs 254 should be used for fields in templates and returning data in forms. refs 16 & 57 +1983796,"""https://github.com/prestodb/presto/issues/9404""",presto server crashing causes master node to restart,"i am working on a 3 node presto cluster and trying to run tpch queries on 5gb data on hive-orc. whenever i execute a query, firstly it tries to execute the query but after a few seconds it crashes and my master node restarts. i could not figure out the problem from the logs, as there are no error logs on my master or slaves nodes. so what could be the reason for the presto-server crash?" +1200990,"""https://github.com/statsmodels/statsmodels/issues/3808""",tst: var unused test results,"there is a stata results file that has zero coverage and the class checkvar has no line coverage in asserts and also is not used https://codecov.io/gh/statsmodels/statsmodels/src/e9fdba96c677426d031e84849fa5b53b23b144a5/statsmodels/tsa/vector_ar/tests/test_var.py found browsing the coverage results in 3804 that also shows modules that are not run in the test run, i.e. zero coverage files." +2824139,"""https://github.com/DivyaElumalai/AO/issues/3644""",storage exceeds 85% of disk...,
display name amp-2k8r2-1.csez.zohocorpin.com
entity name c:\\ label: serial number e0008f05
application observium
category storage
message storage exceeds 85% of disk...
severity info
status open
occurred time 14-11-2017 02:16:26 ist +0530
shared by divya.e+5
view detailed message view message
+778801,"""https://github.com/SlicerRt/SlicerRT/issues/2""",cannot move the legend on the dvh plot,most often the dvh plot's legend is quite big and it covers interesting parts of the chart. need to find a way to move/resize the legend and the chart area. it's difficult to find out how to unzoom the chart area double click with left mouse button . migrated from https://app.assembla.com/spaces/slicerrt/tickets/68-cannot-move-the-legend-on-the-dvh-plot/details +2351947,"""https://github.com/Ecwid/consul-api/issues/116""",why new service adds check for node,"when i register a service along with check using new service, it adds extra check for node as well which make service unavailable even though it is available but node is not available. example - i have consul cluster with single dc having three servers a, b and c . i register a service with server a using agent client and if server a down i don't get the service using health end point. i think reason is, newservice model is adding service and node check as part of checks for a service. if we add servicei'd to new service.check class then it would make a service level check." +4905191,"""https://github.com/gabriela229/grace-shopper/issues/50""",admin user order management,"order management ...view a list of all orders, so that i can find specific orders to review +...filter orders by status created, processing, cancelled, completed , so that i can more easily find the orders i'm interested in +...view details of a specific order, so that i can review it and update its status +...change the status of the order created -> processing, processing -> cancelled || completed , so that others will know what stage of the process the order is in" +5132693,"""https://github.com/FortAwesome/Font-Awesome/issues/11467""",icon request: fa-customs/police/lawenforcement,"hi there, an icon for some kind of law enforcement, for example customs or police, would be very useful. ! image https://user-images.githubusercontent.com/31493266/29900209-e298a102-8db5-11e7-95c1-0cfcb7869ade.png ! image https://user-images.githubusercontent.com/31493266/29900232-137a9e4c-8db6-11e7-8471-a6bea64077ad.png greetings" +2541181,"""https://github.com/moimikey/react-hoc-boilerplate/issues/1""",action required: greenkeeper could not be activated 🚨,"🚨 you need to enable continuous integration on all branches of this repository. 🚨 to enable greenkeeper, you need to make sure that a commit status https://help.github.com/articles/about-statuses/ is reported on all branches. this is required by greenkeeper because we are using your ci build statuses to figure out when to notify you about breaking changes. since we did not receive a ci status on the greenkeeper/initial https://github.com/moimikey/react-hoc-boilerplate/commits/greenkeeper/initial branch, we assume that you still need to configure it. if you have already set up a ci for this repository, you might need to check your configuration. make sure it will run on all new branches. if you don’t want it to run on every branch, you can whitelist branches starting with greenkeeper/ . we recommend using travis ci https://travisci.org , but greenkeeper will work with every other ci service as well." +4824452,"""https://github.com/rustbridge/in-a-box/issues/2""",what is all about?,wouldn't you add readme file? is it something related to local open source community? +442357,"""https://github.com/hovoodd/studious-octo-adventure/issues/6""",option to ask user gist description before creating new gist.,when user creates new gist to upload +3326632,"""https://github.com/andreramoni/puppet-rservers/issues/2""",create a dns resolver server,create a dns resolver roles that accepts parameters for allow query and others. +5159196,"""https://github.com/nim-lang/Nim/issues/6916""",httpclient: maxredirects do not limit redirection,"any value other than 0 does not limit the number of redirects that httpclient is following. however in the deprecated get procedure setting maxredirects has the desired effect. test case: nim discard output: '''302 found 302 found ''' import httpclient proc test_redirect = var client = newhttpclient maxredirects = 1 let data = client.get http://httpbin.org/redirect/2 echo $data.status proc test_redirect_1 = let data = get http://httpbin.org/redirect/2 , maxredirects = 1 echo $data.status test_redirect test_redirect_1 this will output: 200 ok 302 found instead of the expected: 302 found 302 found this is due to the recursive call of client.request on line 1170 of httpclient.nim. there are some other issues with the redirect handling as well: - in the procedure downloadfile the redirect handling doesn't work at all, because downloadfile sets client.getbody = false but it is not possible to follow a redirect if you don't read the body of the redirect response. - if you use a proxy and the redirect response directs you to a https url on another host, then you need to first establish a new proxy tunnel, otherwise the redirection doesn't work. unfortunately currently i am unable to propose a fix for these issues." +2887164,"""https://github.com/linuxmint/Cinnamon/issues/6570""",borderlines are missing in linuxmint,"mint version - linuxmint 18.1 cinnamon 64bit cinnamon version - 3.2.7 linux kernel - 4.4.0.77-generic all the 'separators' and 'borders' are missing, so there is no 'button' like effect. i only see texts. look at the top left side of this image -> ! screenshot from 2017-05-29 03-29-16 https://cloud.githubusercontent.com/assets/15961152/26532510/1c676556-4420-11e7-8284-592d0a694e72.png i am not sure exactly after what upgrade borders got vanished. and i am unable to get it back. could you please help? sometimes, it gets so hard to select any dropdown option as i see all options' texts and not sure which option is actually 'selected'." +5247750,"""https://github.com/yen223/lunisolar/issues/2""","not compatible with python 3.4 and later, cannot import module","always got this error after import module >>> import lunisolar traceback most recent call last : file , line 1, in file /home/ryan/envs/mgmt/lib/python3.4/site-packages/lunisolar/__init__.py , line 1, in from lunisolar import chinesedate importerror: cannot import name 'chinesedate' ericof already fix this problem https://github.com/ericof/lunisolar/commit/f9f7392fd009c896c67f865bf42af35e6f410cc9" +4196713,"""https://github.com/mozilla/activity-stream/issues/2410""",graduate screenshotslongcache and newtabprefs experiments in 1.9.0,"note that for newtabprefs, let's just graduate the sidebar part, and leave the top sites editing feature pin/drag&drop/edit as it is." +196225,"""https://github.com/Intervention/image/issues/694""",url manipulation show blank image,"hello, i'm trying to use the url manipulation to handle image via your tutorial http://image.intervention.io/use/url . but the browser returns an empty image like this: ! error https://cloud.githubusercontent.com/assets/9303093/23657463/ca2fb7f6-0370-11e7-92cb-e002e2e9a0cc.png i changed these line in the config file: php 'route' => 'imagecache', 'paths' => array storage_path 'app/images' , , and leave everything else the same so are there any steps that i'm missing? thank you" +861031,"""https://github.com/Citrinate/giveawayHelper/issues/27""",add follow/unfollow official game group option,example: oc ask people to follow their official game group in this ga: https://simplo.gg/index.php?giveaway=free-steam-key-athopiu +3624401,"""https://github.com/UncleLeroy/livewebcams/issues/72""",just in: on cams fun network streaming now: chanelcashmere,"just in from the best site on the web +

on when you love the considered being fascinated with reside xxx with ,guys,women, and extra you’ll take a look at us out: view on cams fun network streaming now: chanelcashmere via clicking right here that is the joys phase. if you end up in a reside cams consultation with a lovely babe or man, you are the boss and get to name just about the entire photographs. in keeping with his/her/their profile, request what you want and move from there! do not get all loopy on them, if you already know what i imply. in case your sexual boat loves to drift on unique waters, then to find the appropriate movement for you, were given it? this turns out virtually too evident to say, however i’m amazed over and over seeing customers simply bounce at the first sexchat website they took place to come back via or following some flashing banner that they noticed on some dodgy xxx tube. now certain, being an fool isn’t a criminal offense, however for fuck’s sake: if you select a website you have got by no means even heard about after which give it your cc main points, do not come crying that you were given hoaxed. one of the simplest ways to keep away from such inconveniences is to learn grownup cams website opinions earlier than signing as much as a website. all the web pages that seem on my chart are dependable, had been completely examined and evaluated and you’ll see for your self the variations in prices, selection of reside intercourse webcam and contours.

+

+via my blog located at http://ift.tt/2iq0kpj
just in: on cams fun network streaming now: chanelcashmere" +956482,"""https://github.com/dotnet/roslyn-project-system/issues/1621""",decorator settings for typescript in the new csproj format,"there are two settings in vs.net 2015 csproj: and . are these settings in the new format? if not, will they be?" +2985614,"""https://github.com/d4rken/sdmaid-public/issues/1400""",clutterreport: /storage/emulated/0/mipush new,target target: /storage/emulated/0/mipush prefix-free: mipush path-prefix: /storage/emulated/0/ type: directory location: sdcard current keeper state: false suggested keeper state: false suggested owners appname: mi home packagename: com.xiaomi.smarthome version: 5.0.19 60709 current owners none sd maid version: 4.9.3 40903 device fingerprint: samsung/a5xeltexx/a5xelte:6.0.1/mmb29k/a510fxxu4bqc1:user/release-keys +455748,"""https://github.com/dirkjanm/videojs-preroll/issues/29""",initialize videojs-contrib-ads sooner to avoid redispatch issues,"i'm referring to this part: videojs 'example_video_1', {}, function { var player = this; player.preroll { src: advertisement.mp4 } ; } ; this initializes the preroll plugin on player ready, which in turn initializes videojs-contrib-ads. we have had a lot of bugs where people initialized this way because contrib-ads' redispatch feature is not initialized until player ready, which means a lot of events don't get redispatched up until when then. we've seen people rely on those events for analytics, for example. other work may need to be done to support this, but you'll want config to look something like this: var player = videojs 'example_video_1' ; player.preroll { src: advertisement.mp4 } ; more information in the videojs-contrib-ads readme https://github.com/videojs/videojs-contrib-ads/ important-note-about-initialization" +4668309,"""https://github.com/elm-lang/html/issues/137""",add a way to preventdefault without producing a message,"opening re: https://github.com/elm-lang/html/issues/96 issuecomment-315233884 the suggestion in 96 is to use a noop message. this is annoying but otherwise okay if you are directly doing this in your program's view function, however it becomes tedious when you have a large codebase with reusable ui modules. in our case, we have a styled checkbox module which needs to stop propagation of clicks on the checkbox and the label that it creates. since we must produce a message to be able to stop propagation, we have: elm type alias checkbox.config msg = { label : string , ischecked : bool , oncheck : bool -> msg , noop : msg } we also have other reusable view modules that contain checkboxes, and all of their configs must also have a noop parameter. we then must also add a noop message to every program that uses any of these views this is the last remaining reason we need a noop message for almost all of our programs ." +560730,"""https://github.com/wee-slack/wee-slack/issues/393""",history not loading,suddeny history is no longer loaded when open weechat. is there any setting that i missed here? any help would be appreciated +3687105,"""https://github.com/sgroschupf/zkclient/issues/64""",nosuchmethoderror on createpersistent ljava/lang/string;zljava/util/list;,"hi, we are using kafka 0.9 version , with zkclient of 0.7 version. zookeeper : 3.4.6 we are trying to replicate with apache mirror maker, and got the below error. request help on the same. we are unable to locate the function : createpersistent string path, list acl anywhere in 0.7 version. java.lang.nosuchmethoderror: org.i0itec.zkclient.zkclient.createpersistent ljava/lang/string;zljava/util/list; v at kafka.utils.zkpath$.createpersistent zkutils.scala:916 at kafka.utils.zkutils.createparentpath zkutils.scala:339 at kafka.utils.zkutils.updatepersistentpath zkutils.scala:414 at kafka.mirrormaker.kafkaconnector.commitoffsettozookeeper kafkaconnector.scala:141 at kafka.mirrormaker.kafkaconnector$$anonfun$commitoffsets$1.apply kafkaconnector.scala:133 at kafka.mirrormaker.kafkaconnector$$anonfun$commitoffsets$1.apply kafkaconnector.scala:132 at scala.collection.mutable.hashmap$$anonfun$foreach$1.apply hashmap.scala:98 at scala.collection.mutable.hashmap$$anonfun$foreach$1.apply hashmap.scala:98 at scala.collection.mutable.hashtable$class.foreachentry hashtable.scala:226 at scala.collection.mutable.hashmap.foreachentry hashmap.scala:39 at scala.collection.mutable.hashmap.foreach hashmap.scala:98 at kafka.mirrormaker.kafkaconnector.commitoffsets kafkaconnector.scala:132 at kafka.mirrormaker.mirrormakerworker$.commitoffsets mirrormakerworker.scala:217 at kafka.mirrormaker.mirrormakerworker$mirrormakerthread.maybeflushandcommitoffsets mirrormakerworker.scala:322 at kafka.mirrormaker.mirrormakerworker$mirrormakerthread.run mirrormakerworker.scala:289" +2522948,"""https://github.com/wso2/product-iots/issues/589""",iots-497 emm policies not pushing to device - android,"when applying android policies with iot server 3.0 policies do not get applied to devices not showing under policy compliance . once servers are re-started only one policy gets applied. if there are multiple policies all others are hanging in queued state, no errors showing.

reference: https://wso2.org/jira/browse/iots-497

" +5247859,"""https://github.com/WordImpress/Give/issues/2136""",ouput attachment id when media setting field output set to url,issue overview it will be good if we output attachment id always as hidden field if media setting field output not set to id . this will save developers from extra js work. todos - tests - documentation +1358419,"""https://github.com/leaubeau/wdt101/issues/1""","in example .ino, 2s delay uses wrong units","my understanding is that the 101 timers use microseconds as units, but the arduino delay function still uses milliseconds. the effect would be the same if you wait long enough, the watchdog should still reset at the expected time, but if the watchdog is not working correctly in the example you would be waiting 2000 seconds before seeing the error message. for reference https://www.arduino.cc/en/tutorial/curietimer1interrupt url" +523847,"""https://github.com/futurepress/epub.js/issues/561""",update the page related cfi if page is having scripts which updates the dom add additional html elements,"hi @fchasen, if we have a book page xhtml which has scripts example mathjax , which adds one extra div as a body first body child
. so older steps generated using function pathto in epubcfi.js functions are no longer valid. which breaks the findnode function in epubcfi.js , container is null in case of doc.evaluate xpath,...... and it throws exception in case walktonode is being used. for a quick fix for walktonode , we can get the container using id if there is id present in the step instead of container = container.children step.index ; and also terminate the for loop if we dont have container is undefined at some point of time inside the for loop. so that book navigation is not broken because of it. to address the dynamically added html due to scripts present in the page we can attach document change listener and update the cfi paths accordingly, need to debug more on it. @fchasen also if you have any other thoughts on it. thanks" +1930285,"""https://github.com/ThoughtWorksInc/DeepLearning.scala/issues/5""","general la, data flow and reactive programming",for what you are implementing for deep learning with a bit more flexibility perhaps you can make this a such that it can also be used to code application logic in la / data flow / reactive paradigms. is it possible to give this flexibility? +70257,"""https://github.com/RcVincent/Engineering-Society-of-York-Overhaul/issues/6""",user creates an account,1. user clicks create account 2. user fills out account creation form and submits it. 3. user is automatically logged in as the user account they created. 2a. user is notified if email supplied is already tied to an account and is not allowed to submit until unique email is supplied. +4003493,"""https://github.com/vapor/vapor/issues/1212""",fluent entities can give their id as int,"models can return their id as int author: martin j. lasek https://github.com/martinlasek introduction models conforming to fluent have the ability to return their id as integer motivation if you built e.g. an api you often need to also return the id of a model as int in order to be able operate on them. currently i would do user.id!.int! . and i force unwrap here because of my thinking: if i successfully fetched a user from database, the user must have an id so force unwrapping shouldn't cause any issues here - it still looks/feels not right somehow.. proposed solution the entity protocol could provide something like a helper function to safe unwrap the id and cast it to int before returning it. so at the end one could get the id as int by calling user.assertid . code snippets extension entity { func assertid throws -> int { guard let id = self.id?.int else { throw entityerror.couldnotcastidtoint self } return id } } impact it won't break any existing code. it will simplify how to get the id of a model as int. peeps wouldn't have to think how to solve that, would not have to force unwrap or at worst write the guard let statement in the place where they need the id as int. at best they would implement the proposed solution on their own writing an extension of model for each project." +4747300,"""https://github.com/Zimmi48/bugzilla-test/issues/2393""",anomaly: uncaught exception invalid_argument telescope . please report.,"note: the issue was created automatically with bugzilla2github tool bugzilla bug id: 2393 +date: 2010-09-25 12:38:15 +0200 +from: ian lynagh <> +to: last updated: 2010-10-12 16:01:00 +0200 bugzilla comment id: 3705 +date: 2010-09-25 12:38:15 +0200 +from: ian lynagh <> with r12851, this script: require import program. inductive t := mkt. definition sizeof t : t : nat := match t with | mkt => 1 end. program fixpoint idtype t : t n := sizeof t {measure n} : t := match t with | mkt => mkt end. says: +anomaly: uncaught exception invalid_argument telescope . please report. bugzilla comment id: 3746 +date: 2010-10-12 16:01:00 +0200 +from: @_mattam82 fixed in the trunk." +3603498,"""https://github.com/shuhongwu/hockeyapp/issues/24947""","fix crash in - wbtimelinefeedgroup emptytip , line 3615","version: 7.1.0 3117 | com.sina.weibo stacktrace
wbtimelinefeedgroup;emptytip;wbfeedgroup.m;3615
+wbtimelinefeedgroup;emptytip;wbfeedgroup.m;3610
+homeviewcontroller;setcurrentgroup:;homeviewcontroller.m;380
+homeviewcontroller;resetgrouppickerwithselectedgroup:;homeviewcontroller.m;735
+homeviewcontroller;viewdidload;homeviewcontroller.m;1889
+tweetterappdelegate;setupportraituserinterface;tweetterappdelegate.m;553
+wblaunchviewcontroller;onreceivead:;wblaunchviewcontroller.m;407
+wbadcontrolwithcache;onreceivead;wbadcontrolwithcache.m;414
link to hockeyapp https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/162410033 https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/162410033" +1826605,"""https://github.com/cmip6dr/CMIP6_DataRequest_VariableDefinitions/issues/178""","missing title , coords , and/or odim","when denis imports your latest dreq database he finds a few variables that don't include coords , title , and/or odim . before these elements were always present although they might not have been defined . he has had to revise his translation code that creates the cmor tables from your database to accommodate this new exception. did you mean to omit these 3? if so, why?" +4266864,"""https://github.com/jonblack/arduino-fsm/issues/19""",sleep mode ?,"hi, i tried the fsm library and it works like a charm, even on a esp8266! thanks. i'd like to know what happens if i put the arduino in sleep mode, like this: include ... set_sleep_mode sleep_mode_pwr_down ; how will my state machines behave? will they still run or should i add a wakeup instruction at the beginning of the transition state functions? fabrice" +1468970,"""https://github.com/steemit/steem/issues/828""",current_shuffled_witnesses is a hex string in get_state,fix for 681 didn't get_state . we need to properly peer the witness_schedule_object with a witness_schedule_api_obj that serializes properly instead of just shortcutting with a typedef . +4395870,"""https://github.com/comses/wagtail-comses.net/issues/45""",hypothesis failed event test,"@cpritcha did hypothesis find a bug? error: test_add_change_view home.tests.test_views.eventviewsettestcase ---------------------------------------------------------------------- traceback most recent call last : file /code/home/tests/test_views.py , line 112, in test_add_change_view @given generate_event_data , st.sampled_from 'change', 'add', 'view' file /usr/local/lib/python3.5/dist-packages/hypothesis/core.py , line 524, in wrapped_test print_example=true, is_final=true file /usr/local/lib/python3.5/dist-packages/hypothesis/executors.py , line 78, in lambda: function data file /usr/local/lib/python3.5/dist-packages/hypothesis/executors.py , line 33, in execute return function file /usr/local/lib/python3.5/dist-packages/hypothesis/executors.py , line 78, in lambda: function data file /usr/local/lib/python3.5/dist-packages/hypothesis/core.py , line 111, in run return test args, kwargs file /code/home/tests/test_views.py , line 117, in test_add_change_view self.check_authorization action, owner, event file /code/wagtail_comses_net/test_helpers/view.py , line 133, in check_authorization self._check_authorization user, obj, action, false file /code/wagtail_comses_net/test_helpers/view.py , line 95, in _check_authorization data = self._check_serialization_round_trip obj file /code/wagtail_comses_net/test_helpers/view.py , line 89, in _check_serialization_round_trip if serializer.is_valid raise_exception=true : file /usr/local/lib/python3.5/dist-packages/rest_framework/serializers.py , line 244, in is_valid raise validationerror self.errors rest_framework.exceptions.validationerror: {'location': 'this field may not be blank.' }" +2558384,"""https://github.com/firedrakeproject/firedrake/issues/995""",segfault on loading exodus mesh with more than one process,"executing this code from firedrake import mesh = mesh 'disk_out_ref.e' fails with the following error 1 petsc error: ------------------------------------------------------------------------ 1 petsc error: caught signal number 11 segv: segmentation violation, probably memory access out of range 1 petsc error: try option -start_in_debugger or -on_error_attach_debugger 1 petsc error: or see http://www.mcs.anl.gov/petsc/documentation/faq.html valgrind 1 petsc error: or try http://valgrind.org on gnu/linux and apple mac os x to find memory corruption errors 1 petsc error: configure using --with-debugging=yes, recompile, link, and run 1 petsc error: to get more information on the crash. application called mpi_abort mpi_comm_world, 59 - process 1 this happens to any type of exodus mesh i have available. the plain c version for dmplex works fine. a sample mesh is available here https://cloud.tf.uni-kiel.de/index.php/s/glils7lnzo1sukz ." +4620425,"""https://github.com/angular/angular-cli/issues/5480""",update version of zone.js for angular 4.0.0-rc.4," bug report or feature request mark with an x - x bug report -> please search issues before submitting - feature request versions. repro steps. create a new project ng new foo --ng4 ensure version of @angular/core npm ls @angular/core the log given by the failure. bash └── unmet peer dependency zone.js@0.7.8 npm err! peer dep missing: zone.js@^0.8.4, required by @angular/core@4.0.0-rc.4 desired functionality. update the version of zone.js to the version above for apps created using angular 4.0.0-rc.4 or later." +3111670,"""https://github.com/fzeiser/OCL/issues/17""",if test on copy number of mother volume slows down simulations,"if test on the copy number of the mother volume in this line below slows down the computations a lot. https://github.com/fzeiser/ocl/blob/478294cdbf68cad52955125838bf3812e4980848/singlescint/src/singlescintsteppingaction.cc l51 playing with the file a bit it seems as if it was not because of the actual selection of the copy number, but because of the if test. however, we need some if test on the copy number in order to select the spectrum for a single detector / for each detector individually." +3222398,"""https://github.com/crocodic-studio/crudbooster/issues/291""",structure of demos,why not? currently: http://crudbooster.com/demoo/ suggestion: http://crudbooster.com/demo/crudboosterdemo http://crudbooster.com/demo/simpleblog http://crudbooster.com/demo/simplestockmanager what do you think guys? +1728674,"""https://github.com/flowtype/ide-flowtype/issues/17""",flow-language-server on init,getting the following error when trying initialize the flow server with debug logging turned on: error flow-language-server - unhandledrejection { error: unhandled method window/showmessagerequest at new responseerror c:\users\ykagan\.atom\packages\ide-flowtype ode_modules\vscode-jsonrpc\lib\messages.js:46:28 at handleresponse c:\users\ykagan\.atom\packages\ide-flowtype ode_modules\vscode-jsonrpc\lib\main.js:421:48 at processmessagequeue c:\users\ykagan\.atom\packages\ide-flowtype ode_modules\vscode-jsonrpc\lib\main.js:249:17 at immediate. c:\users\ykagan\.atom\packages\ide-flowtype ode_modules\vscode-jsonrpc\lib\main.js:233:13 at runcallback timers.js:651:20 at tryonimmediate timers.js:624:5 at processimmediate as _immediatecallback timers.js:596:5 code: -32601 } flow version: 0.53.1 atom: 1.21.0-beta0 x64 os: windows 10 +4862193,"""https://github.com/adhishlal/asdp/issues/2""",copied library from sdp,copy cat :d ... don't try to copy others creativity to explore you... original is here https://github.com/intuit/sdp +4871438,"""https://github.com/R-Jimenez/Cephalon-Alice/issues/24""",android and ios versions,"hi, i wanted to develop a android and ios version of cephalon alice, is that okay with you? let me know i find this to be very useful and an app will just make it perfect! regards" +148247,"""https://github.com/eugene-manuilov/phalcon-vm/issues/10""",vagrant machine configuration,"all basic vagrant settings like cpus number, memory limit, ip address?, etc should be configurable via web interface." +2042188,"""https://github.com/shagu/pfUI/issues/453""",sellvalue: show the value in the quest reward selection pages,"would be a great feautre to have, in case you want to know which item will make the most profit if you don't need any of the quest rewards." +402579,"""https://github.com/RISCV-on-Microsemi-FPGA/riscv-junk-drawer/issues/2""",can we support multiple masters for the axi_glue_logic?,i would like to have multiple axi4 bus masters on the axi_glue_logic. i need to hook up two other axi masters on the axi_glue_logic. is this possible? how difficult is it to do this. +898682,"""https://github.com/Magical-Threads/8th-mind/issues/11""",dev config not playing nice with storage of assets,"configuration change made to use local server when working in development mode. this looks for http://localhost:3000/storage ... for assets, which do not appear to be found there. please advise on where images are stored, and i will adjust configs to properly locate them. i could change images back to api.8thmind.com but then any local work would not be matched to the external assets." +391732,"""https://github.com/artberri/sidr/issues/339""",option to use original dom elements instead of clones,"expected behavior sometimes, people create a hidden div element with menu content and expect that entire div to be used in the sidr exactly as-is because they have javascript events and other complex things attached to the original div . current behavior there is no way an original dom element can be included in the sidr . a copy of the original element is always created, with an option of renaming ids. possible solution provide an option named nocopy or useoriginal or appendsource which when set to true should make sidr get items found by the source jquery selector and append those original elements in to the sidr element." +534962,"""https://github.com/langsci/25/issues/25""",local in sbcg,"hey, isn't there a problem with raising and slash amalgamation? gs did this with local but if you do not have local?" +740536,"""https://github.com/cynepco3hahue/log-extractor/issues/6""",unnecessarily wasted storage space,"it might be better to remove all unnecessary content after extraction. it takes 17 gb of my storage space from which my desired folder, and the only thing i actually need, takes 223 mb. maybe we can have some option on this? or something like remove everything else apart from desired folder if team is specified. i don't mind downloading the zip, neither i mind having that space taken for the time it takes to parse everything, but it's not necessary to have those files later on." +5212293,"""https://github.com/HyroVitalyProtago/Life/issues/26""",faire les vidéos des musiques soundcloud pour @juliette,https://soundcloud.com/hyro-vitaly-protago - lost - interlacing - again - stay +379311,"""https://github.com/SpongePowered/SpongeVanilla/issues/323""",1.11.2 bleeding switching phase error for explosions,"second plugin now and im sure additional ones will be that create explosions which throws a switching phase error when updating to api7/vanilla 7.0.0: pastebin of error-stacktrace: https://pastebin.com/2mfu2mbk minecraft : 1.11.2 spongeapi : 7.0.0-snapshot-af4f1af spongevanilla : 1.11.2-7.0.0-beta-271 stacktrace points to this code, the gaspocket line 72 is the one with the triggerexplosion. explosion expl = explosion.builder .cancausefire false .radius 1.1f .shouldbreakblocks false .shoulddamageentities true .shouldplaysmoke false .location boomcenter .build ; victim.getworld .triggerexplosion expl, cause.source plugin.plugincontainer .build ; is this a problem with explosions, a bug - or is are my cause objects causing the downstream errors?" +729342,"""https://github.com/jfc3/presentations/issues/59""",wasp - update years of experience,need to update years of experience in the me.html file. +1487826,"""https://github.com/cbeust/kobalt/issues/391""",'provided' dependencies are not resolvable at compile time,"to reproduce, here is a sample project: https://github.com/rhencke/issue390 if you run 'build.sh', you will see the issue." +3576055,"""https://github.com/kavdev/dj-stripe/issues/446""",payments made from stripe dashboard fail validation,"when creating a payment from the stripe dashboard, no customer is associated to the charge by default. dj-stripe crashes when processing its webhook: py def _attach_objects_hook self, cls, data : customer = cls._stripe_object_to_customer target_cls=customer, data=data if customer: self.customer = customer else: raise validationerror a customer was not attached to this charge." +3901477,"""https://github.com/Megabyte918/MultiOgar-Edited/issues/647""",question about playercommads.js,what is the pass for admin log in and console plus dose not work +915956,"""https://github.com/facebook/jest/issues/4618""",immutable.map comparison with not the same key order," do you want to request a feature or report a bug ? bug what is the current behavior? comparison between to identical immutable.map but declared without the same key order fails. if the current behavior is a bug, please provide the steps to reproduce and either a repl.it demo through https://repl.it/languages/jest or a minimal repository on github that we can yarn install and yarn test . what is the expected behavior? all the specs on this example https://repl.it/moei/1 should pass. js describe 'comparison with immitable.map', => { const map1 = immutable.map { a: 1, b: 2 } ; const map2 = immutable.map { b: 2, a: 1 } it 'should ignore key order with immutable.is', => { expect immutable.is map1, map2 .tobe true ; } ; it 'should ignore key order with jest', => { expect map1 .toequal map2 ; } ; } ;" +4177585,"""https://github.com/uwehermann/sigrok-util/issues/2""",appimages built on jenkins require too new libstdc++ and glibc,appimages built on jenkins require too new libstdc++ and glibc for the appimage to run on ubuntu 14.04 still-supported lts release . would it be an option to build on trusty chroot ? reference: https://travis-ci.org/appimage/appimagehub/builds/266462005 l553-l584 +3695216,"""https://github.com/cite-architecture/ohco2/issues/98""",~~ operation gives bad results when there is a version and derived exemplars,see branch twiddlefilterproblems for a new test suite that demonstrates the problem. +4858791,"""https://github.com/threema-ch/threema-web/issues/65""",threema backup feature,"one of the things that make threema quite difficult to handle for the average user is the backup procedure. you have to generate a full backup regularly on the phone, and then pull it from the phone on your pc. if you switch phones, you have to push the backup back to the new phone to import all messages and media. it should be possible to implement a backup feature into the web client where you can generate a full threema backup directly on your computer. this would make the whole backup procedure a whole lot less annoying. an updated backup format could even enable incremental updates directly on the pc with automatic incremental backups every time the pc connects to the phone. especially the latter feature is complex and may require protocol updates, but i have no doubt that it will improve the usability of threema a lot." +1486606,"""https://github.com/ManageIQ/wrapanapi/issues/133""",standardize timestamp format for vm_creation_time methods,the vm_creation_time methods use differrent timestamp formats. for example: azure uses some string: https://github.com/manageiq/wrapanapi/blob/master/mgmtsystem/azure.py l319 google uses an iso format: https://github.com/manageiq/wrapanapi/blob/master/mgmtsystem/google.py l543 standardize these so they can be easily parsed when dealing with multiple provider types. +3760320,"""https://github.com/nextcloud/circles/issues/166""",install on owncloud,"hello friends , i need circle on owncloud , but circle does not share on owncloud , what is solution ?" +1283249,"""https://github.com/micheleangioni/laravel-js-lang-converter/issues/12""","share problem on 5.4, please tag it","hi, i saw that you fixed the share problem, but you didn't tag it. for now i'm using @dev to download that commit, but i hope it gets tagged soon. thanks for the great package." +4410552,"""https://github.com/aino/react-native-embryo/issues/2""",permission denied publickey .,encountered this issue when following the clone/installation steps. permission denied publickey . fatal: could not read from remote repository. please make sure you have the correct access rights +91766,"""https://github.com/RADB/McMaster-EDI/issues/120""",update demographics table,"update the options below 196 --update dbo . page_section_demographics set manitoba =0, alberta =0, saskatchewan =0, ontario =0, nwt =0, newfoundland =0, novascotia =0,newyork = 0 where iid between 73 and 196" +3480102,"""https://github.com/tommoyang/Mahira/issues/21""","during strike time, it counts up not down",as part of https://github.com/tommoyang/mahira/commit/7c08a284f855ba766ef6296b9602ba0c17540a6b diff-e3d8ef81bb0f50e2b5ce510cf72f4e75 seems to have broken +3274192,"""https://github.com/sequelpro/sequelpro/issues/2672""",icon inside weird square,noticed the icon is inside a weird square. schermafbeelding sequel pro 1.1.2 build 4541 602e11a mac os 10.12.3 16d32 +2920550,"""https://github.com/joomla/joomla-cms/issues/15598""",3.7 articles edit form javascript error,"steps to reproduce the issue i've updated my joomla 3.6.5 to the latest 3.7 version via standard update system. then, if i go to add/edit any article, i can't see any tabs and page looks broken. in javascript console, i see this error: uncaught error: cannot call methods on tooltip prior to initialization; attempted to call method 'destroy' at function.error http://localhost/joomla/media/jui/js/jquery.min.js?160790e82d29dc85d47a8e3581f52a78:2:1814 at htmlinputelement. https://code.jquery.com/ui/1.10.4/jquery-ui.min.js:6:6126 at function.each http://localhost/joomla/media/jui/js/jquery.min.js?160790e82d29dc85d47a8e3581f52a78:2:2881 at a.fn.init.each http://localhost/joomla/media/jui/js/jquery.min.js?160790e82d29dc85d47a8e3581f52a78:2:846 at a.fn.init.t.fn. anonymous function as tooltip https://code.jquery.com/ui/1.10.4/jquery-ui.min.js:6:5901 at a.fieldmedia.updatepreview http://localhost/joomla/media/media/js/mediafield.min.js?160790e82d29dc85d47a8e3581f52a78:1:3559 at new a.fieldmedia http://localhost/joomla/media/media/js/mediafield.min.js?160790e82d29dc85d47a8e3581f52a78:1:2026 at htmldivelement. http://localhost/joomla/media/media/js/mediafield.min.js?160790e82d29dc85d47a8e3581f52a78:1:4383 at function.each http://localhost/joomla/media/jui/js/jquery.min.js?160790e82d29dc85d47a8e3581f52a78:2:2881 at a.fn.init.each http://localhost/joomla/media/jui/js/jquery.min.js?160790e82d29dc85d47a8e3581f52a78:2:846" +4963013,"""https://github.com/aaronjwood/PortAuthority/issues/76""",bug: doesn't work over ethernet,app responds with -2 hosts in the subnet and hangs. switching back to wifi works. +1226472,"""https://github.com/twbs/bootstrap/issues/23545""",.navbar-inverse not in css file,"using either the bootstrap.css or bootstrap.min.css, a search for navbar-inverse returns no results. is there a list of all classes that are not included in the css files, to easily see what can and can't be used?" +3920398,"""https://github.com/unbounce/iidy/issues/31""",document required iam permissions,"document the base iam permissions to do iidy {create, update, delete}-stack etc. optional: fail gracefully if permission are missing for nice to have output, such as describing the stack that was created. document additional permission required for imports, for example: - cfn:output:... requires cloudformation:describestack - cfn:{export, parameter, tag, resource, stack}:... requires cloudformation:listexports" +4541394,"""https://github.com/ampproject/amphtml/issues/12306""",sticky ad breaking on canonical amp page,"sticky ad is stickying to top of page instead of bottom when scrolling, and overwriting publisher page menu how do we reproduce the issue? 1. emulate mobile 2. navigate to https://m.mynet.com/hacker-kurbani-olmayin-2018de-bunlara-cok-dikkat-edin-haber-3537373 a canonical amp site 3. note sticky ad at bottom of viewport 4. scroll down page 1+ viewports. 5. refresh page 6. note that sticky ad now fills at top of page, instead of bottom. bottom sticky stays empty." +3750970,"""https://github.com/kabisa/dinner-orders-pwa/issues/2""",allow google login,with google login we could easily select the order that belongs to user. for example we could place the logged in users order at the top and/or visually highlight it. +1447613,"""https://github.com/killbill/killbill/issues/803""",extend custom field apis to support update operation,"in the current model, the user needs to delete and then recreate such custom field." +2712395,"""https://github.com/ractivejs/ractive/issues/2851""",ractivejs.org is down,"description: 503 service unavailable no server is available to handle this request. versions affected: platforms affected: reproduction: code: " +4371530,"""https://github.com/BrontosaurusTails/Sovereign/issues/17""",build form/input components,form should be its own component. input for form should be reusable component with robust validation. +2945826,"""https://github.com/greenelab/deep-review/issues/251""",deep learning for computational chemistry,https://arxiv.org/abs/1701.04503 another review paper that needs to be carefully reviewed and added. +5275066,"""https://github.com/patrikhuber/eos/issues/158""",how to make scan model and texture densely registered to the 3d model,"hi huber, first, thx your work. recently i have read your paper . and i think the section 2.2 3d scan data is useful for us build our new model. i have found lsfm framework. but this framework don't support texture registered to the model. can you please let know some more detail about this work." +5249254,"""https://github.com/socraticorg/mathsteps/issues/105""","use ci tools, like travis ci for testing and then merging code","hey @evykassirer what if developers don't test code or don't add pre-commit hooks ? it's possible for new contributors, they might not see contributing.md or may have forgotten or something. and in that case, no one wants to commit code that fails tests. it will create issues like removing that commit and stuff. so i think we should use ci tools like how other great repos use them, since i see a lot of tests and then there are lint rules too. this way, no matter if the developer ran tests or not in his/her local machine, we could run the tests using ci tools before any merging." +4427109,"""https://github.com/pbrezina/authselect/issues/16""",add a backup-rollback mechanism,create a backup of original files before changing them and provide a rollback mechanism in case of a failure. +4828527,"""https://github.com/puckel/docker-airflow/issues/94""",job is not starting,"hello everyone, i am trying to run docker-compose-celeryexecutor.yml https://github.com/puckel/docker-airflow/blob/master/docker-compose-celeryexecutor.yml , however, worker is not picking up job. i am seeing following message. webserver_1 | 2017-06-24 02:59:43 +0000 29 info handling signal: ttin webserver_1 | 2017-06-24 02:59:43 +0000 68 info booting worker with pid: 68 after that i am not seeing scheduler and worker picking up job and executing" +2888289,"""https://github.com/peterwerner/citrix-capstone/issues/157""",course page: click on active session,"should take the user and add them to the session +should have access to those session files" +3977325,"""https://github.com/kburk1997/yacs-admin/issues/19""",allow user to add child in parent view,"when a user is viewing an object, there should be a link to add a department to a school, a course to a department, a section to a course, a period to a section, etc." +2181868,"""https://github.com/kodeklubben/codeclub-viewer/issues/354""",- tasks sometimes fail,see https://skagevang.github.io/beta/python/gjettelek/readme/ ! skjermbilde 2017-07-28 kl 08 26 49 https://user-images.githubusercontent.com/4810521/28705115-90bbd4a0-736e-11e7-9376-f789872c5049.png cc: @agnetedjupvik +4556914,"""https://github.com/kevinkyang/auto-comment-blocks/issues/12""",does not support single / block / comments,"/ works extremely nicely, but sometimes i want a single for writing a comment in c-style, rather than documenting something . currently that doesn't appear to trigger the plugin." +1683920,"""https://github.com/austinv11/Persistence/issues/1""",encryption and handshakes,"the algorithm currently has no encryption nor way to authenticate, meaning anyone can tamper with the data. my proposition is for this to happen while connecting between two clients: let's say that we have two clients, a and b , where a is being connected to by b . b opens a tcp socket towards a . a sends 64 bytes generated with securerandom, a salt. b takes the salt, stores it, and responds with aes256 serverkey, salt, salt to a a decrypts the response with the same key and salt, and checks do the salts match, if they do: 1. the rest of the connection is made with the salt and key 2. a and b are now in a trust relationship. if they don't though, the connections is closed. the salt is supposed to be per-connection and made as follows: java securerandom random = new securerandom ; byte salt = new byte 64 ; random.nextbytes bytes ; the securerandom instance should also be used per connection/thread. the encryption happening should have a 64-byte iv, should use aes/gcm/nopadding , and pbkdf2withhmacsha256 for the key specs." +355536,"""https://github.com/pret/pokeruby/issues/486""",allow gbagfx to convert 8-bit png images to .4bpp,it seems that support for exporting 4-bit 16 color png images is poor among popular graphics editors. gbagfx should be able to do the conversion as long as the image uses no more than 16 colors. +3942333,"""https://github.com/realm/realm-js/issues/1057""",asynchronously opening realms in js,are there any plans to support asynchronously opening realms in javascript. i see it documented in objective-c. +95346,"""https://github.com/scalacenter/scalafix/issues/374""",crossbuilding with sbt 1.0,"hey, that would be cool to crossbuild with sbt 1.0 we currently have a dependency on sbt-dotty as far as i understand in https://github.com/scalacenter/scalafix/issues/281 but if we upgrade to 0.13.16 we should be able to cross build?" +32634,"""https://github.com/WAW-SS17/Organization/issues/5""",vorlesung 11.5 8uhr,"hallo zusammen, daran denken, dass morgen vorlesung / letzte laborstunde vor dem testat stattfinden. 8uhr!! lg und bis moren," +2300260,"""https://github.com/shard-lang/language/issues/5""",number literals digit separator,"add support for digit separator in number literals. c++14: 0xdead'c0de; swift, python, c , rust, java, d 0xdead_c0de" +1568451,"""https://github.com/palantir/atlasdb/issues/1563""",configurable max for the number of tombstones background sweep is allowed to set,"at the moment, sweep deletes all of the data it can find. in extreme cases this can be more than 100k tombstones, which means that cassandra will stop serving requests for that table. sweep also doesn't trigger a compaction, so this has to be done manually. if we set a max and trigger a compaction, then sweep can continue to tombstone the rest of the cells in remaining runs. this is a particular problem for our customers who are just starting to turn background sweeps on, and came up with a sweep we ran. we probably want the cli to continue to delete all data." +893974,"""https://github.com/rachclaire3346/Rachel-Carter.github.io/issues/1""","readme looks good, fix needed for repository name","hey @rachclaire3346 ! your readme.md file looks good. one fix you'll need to make is in the repository's name. yours currently is named rachel-carter.github.io , but it should be rachclaire3346.github.io to match your username. we're going to use this repository again for week 2's assignment, and in order for your html pages to show up correctly next week at https://rachclaire3346.github.io, this repository needs this special name. let me know in slack if you have any questions on how to do this!" +2440474,"""https://github.com/ponyorm/pony/issues/266""",add handler to pony.orm logger does not work,"if a handler is added a pony.orm logger, pony continues to print on the screen for debugging. i think it's fixed by replacing the line: if logging.root.handlers: with: if orm_logger.hashandlers : or if sql_logger.hashandlers : in pony.orm.core.log_orm and pony.orm.core.log_sql functions." +4472572,"""https://github.com/ReactiveX/rxjs/issues/2483""",state of the art testing in rxjs 5,"hi guys, this isn't an issue with the code but rather a theoretical question on what is the state of the art method to test rxjs 5 code? on this https://github.com/reactivex/rxjs/blob/master/doc/writing-marble-tests.md documentation page i see that there is a testscheduler which can create stub observables given a marble syntax. as far as i understood, one can use these fake observables as inputs to test a specific operator or a whole chain of operators. but i think most of the time i'm not interested in testing how the control flow was built up using the operator chain - instead i'd like to test the side effects of a subscription while mocking & stubbing some dependencies out to make the test faster. one such dependency is time - see my related stackoverflow question http://stackoverflow.com/questions/42903684/how-to-unit-test-observable-interval-with-rxjs-5 it seems in rxjs 4 there was a way to set up a testscheduler which you could use to set the virtual time manually. in rxjs 5 i don't find its equivalent. do i miss something which is not documented yet?" +2878026,"""https://github.com/onfido/onfido-android-sdk/issues/1""",error: duplicate file when building,i am building a react-native app and including your sdk through gradle. when i add the required url https://dl.bintray.com/onfido/maven and dependency com.onfido.sdk.capture:onfido-capture-sdk:+ to my gradle files and try to build i get the error: unknown source file : testonfido/android/app/build/intermediates/res/merged/debug/mipmap-hdpi-v4/ic_launcher.png: error: duplicate file. unknown source file : testonfido/android/app/build/intermediates/res/merged/debug/mipmap-hdpi/ic_launcher.png: original is here. the version qualifier may be implied. :app:processdebugresources failed failure: build failed with an exception. what went wrong: execution failed for task ':app:processdebugresources'. > com.android.ide.common.process.processexception: org.gradle.process.internal.execexception: process 'command 'library/android/sdk/build-tools/23.0.1/aapt'' finished with non-zero exit value 1 having done some research it appears this error may be caused by a dependency adding it's own ic_launcher.png . +2114631,"""https://github.com/electron/electron/issues/9744""","when application was minimized by click on taskbar icon, some browserwindow api is broken"," electron version:1.6.11 operating system: windows expected behavior win.isfocused and win.isvisible should be false when window is minimized. actual behavior win.isfocused // true can be so, but i do not believe that some one expect minimized window to be focused win.isvisible // true how to reproduce const {app, browserwindow} = require 'electron' let mainwindow app.on 'ready', => { mainwindow = new browserwindow mainwindow.loadurl 'about:blank' settimeout => { console.log mainwindow.isfocused , mainwindow.isvisible ; }, 10000 } app.on 'quit', => { app.quit }" +3533624,"""https://github.com/nodejs/node-report/issues/99""",printresourceusage is unimplemented on windows,"node-report on windows does currently obtain process or thread cpu times on windows, the printresourceusage function is unimplemented. most of the data could be gathered via these api's: getprocesstimes - https://msdn.microsoft.com/en-us/library/ms683223 vs.85 .aspx getthreadtimes - https://msdn.microsoft.com/en-us/library/ms683237 vs.85 .aspx i can't work on this myself as i don't have a windows box. i'm not sure how high a priority windows support for this data is." +4009018,"""https://github.com/marcusolsson/tui-go/issues/12""",tui-go crashes when a label is too long.,our good old friend panic: parameter is incorrect . +5278027,"""https://github.com/danielfrg/s3contents/issues/3""",feature request add support to provide prefix name with jupyter bucket,"given a s3 bucket , i have a custom business logic to keep data separate for each prefix or folder. in s3nb there is option to provide s3 url as s3://bucket/imsorg." +2097971,"""https://github.com/Electrical-Age/ElectricalAge/issues/671""",bug 2x3 solar panels become invisible and may crash game after reloading them.,"those panels are so cool, but they crash the game. and i'd like to be able to rotate the base of the panels. but anyways keep up the good work!" +3102167,"""https://github.com/timbru31/SilkSpawners/issues/68""",permissions to change spawners with eggs don't work properly,i use silkspawners v3.7.2 with this permissions: - silkspawners.changetypewithegg.zombie - silkspawners.changetypewithegg.skeleton - silkspawners.changetypewithegg.spider - silkspawners.changetypewithegg.cavespider - silkspawners.place. - silkspawners.silkdrop. players can use any eggs in the spawner. --- _migrated from https://dev.bukkit.org/projects/silkspawners/issues/108_ +2481151,"""https://github.com/shuhongwu/hockeyapp/issues/16882""","fix crash in - mptvbplayer addsource: , line 390","version: 7.0.0 2982 | com.sina.weibo stacktrace
mptvbplayer;addsource:;mptvbplayer.m;390
+mptvboutputbase;contacttocontext;mptvboutputbase.m;40
+mptvbmovie;init;mptvbmovie.m;46
+mptvbmovie;initwithasset:;mptvbmovie.m;53
+yxvideoexport;superexportneedrebuild:editor:effectarray:animtedlayer:bitrate:outputpath:exportingblock:exportedblock:exportfailedblock:cancelledblock:;yxvideoexport.m;52
+yxvideoexport;superexportneedrebuild:editor:effectarray:bitrate:outputpath:exportingblock:exportedblock:exportfailedblock:cancelledblock:;yxvideoexport.m;33
+yxvideokitengine;exportvideowitheffect:videopath:withprogressblock:completionhandler:;yxvideokitengine.m;762
+yxvideokitengine;savevideotopath:withprogressblock:completionhandler:;yxvideokitengine.m;720
+wbvideoprocessengine;savevideotopath:withprogressblock:completionhandler:;wbvideoprocessengine.m;820
+wbadvancedvideoeditorviewcontroller;toolbarbuttonitemdoneaction;wbadvancedvideoeditorviewcontroller.m;284
+wbtoucheventwindow;sendevent:;wbtoucheventwindow.m;46
+wbappwindow;sendevent:;wbappwindow.m;35
reason objc_msgsend selector name: addobject: link to hockeyapp https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/155319443 https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/155319443" +4056775,"""https://github.com/fgpv-vpgf/fgpv-vpgf/issues/2327""",order of hidden legend blocks is not enforced,"when a legend block is hidden, the order of its layer is not enforced in the map stack." +2176163,"""https://github.com/protocollabs/dmpr-simulator/issues/33""",further dmpr analysis,"we should generate - automatically - more charts/graphs for dmpr analysis. there are a plenty of open analysis to be done beyond what was done. one major improvement is to think about alternative charts. i.e. line charts, bar charts, 3d charts, etc - what is the best way to visualize a given analysis? a make analysis target should be helpful to run all scenarios, save all images at one place and print the image location at the end." +4582172,"""https://github.com/tc39/proposal-realms/issues/48""",should we really include all the intrinsics?,"there are a couple interesting problems with the current approach of copying all the intrinsics: - membership in the list varies depending on whether 262, and other specs such as html , need a copy of the intrinsic at some later time. for example, entries like objproto_tostring and objproto_valueof are not at all fundamental intrinsics compared to e.g. object.prototype.hasownproperty , but exist in the table simply because other specs need them. similarly, we have a long-outstanding issue to formalize json-parsing/serializing in the web platform, which will likely lead to adding json_parse and json_serialize intrinsics. i don't think we've run into a case of the table shrinking over time yet, but that also seems plausible, e.g. if a spec is refactored to no longer need such a reference, then we might remove it from the table. - at least one upcoming intrinsic, %asyncfromsynciteratorprototype% https://tc39.github.io/proposal-async-iteration/ sec-%asyncfromsynciteratorprototype%-object , is really just a spec device, which you cannot observe through the engine. exposing it through realm apis would preclude implementations that never reify that prototype. neither of these is a showstopper, but they do imply to me that maybe copying table 7 is not the right move. instead perhaps we should be looking for what the actual use cases for the intrinsics are and trying to craft something based on that. in particular i'm skeptical that intrinsics provides any value over stdlib." +3744295,"""https://github.com/elastic/logstash-docker/issues/14""",use deb package?,looks like the docker image is based on ubuntu 16.04. any reason not to use the deb package we publish with logstash releases? +2455070,"""https://github.com/cinder/Cinder/issues/1881""",linux / pulse audio: occasional audio popping,"it seems like something occasionally gets out of line within the outputdevicenodepulseaudio . i've only heard it a couple times in all of my testing, but it is probably something we can track down with better buffer size checks." +2769149,"""https://github.com/hihi-2017/hihi-2017/issues/1890""",5.7 technical blog ~ 1.5 hr,"5.7 technical blog ~ 1.5 hr - start your toggl timer. write blog post - create a username.github.io/blogs/t5-problem-solving.html file. tell your non-tech friend a story about a time you: 1. got blocked on a simple problem +2. solved a problem in an elegant way in both cases: - what was the problem? +- what problem solving techniques did you use? +- how did you feel throughout the process? +- what did you learn? reflect on how confident you feel using the problem solving techniques and process: +- pseudocode +- trying something +- rubber ducky method +- reading error messages +- console.logging +- googling +- asking your peers for help +- asking coaches for help +- improving your process with reflection explain to your non-tech friend using the js array docs https://developer.mozilla.org/en-us/docs/web/javascript/reference/global_objects/array as a starting point, describe what these functions do in your own words: +- .map - .filter - .reduce link your blog to the main page - on your index home page, create a link to your technical blog post. +- stage and commit with meaningful commit message. +- push to github to make it live! +- paste a link to your live blog in the waffle ticket comments below. share it! - on your cohort-specifc slack channel, share the link to your home page using the hashtag techblog sprintnum , for example techblog5." +3865422,"""https://github.com/schnaader/precomp-cpp/issues/73""",precomp crashes on this file,precomp crashes on this file: https://drive.google.com/file/d/1myac_ajuzf4y-mgprshowcwyil1k74iz/view?usp=sharing can you please check that? +2767681,"""https://github.com/dadasoz/edx-bootstrap-theme/issues/9""",there has been a 500 error,"thanks for your effort at the 1st and please i need to know why i get this error after i apply the theme and in the lms error log i got this file /edx/app/edxapp/venvs/edxapp/local/lib/python2.7/site-packages/mako/runtime.py , line 829, in _render _kwargs_for_callable callable_, data file /edx/app/edxapp/venvs/edxapp/local/lib/python2.7/site-packages/mako/runtime.py , line 864, in _render_context _exec_template inherit, lclcontext, args=args, kwargs=kwargs file /edx/app/edxapp/venvs/edxapp/local/lib/python2.7/site-packages/mako/runtime.py , line 890, in _exec_template callable_ context, args, kwargs file /tmp/mako_lms/b2153bd0b7ba514602455e292b961b2f/ah/lms/templates/theme-main.html.py , line 293, in render_body runtime._include_file context, static.get_template_path 'header.html' , _template_uri, online_help_token=online_help_token file /edx/app/edxapp/venvs/edxapp/local/lib/python2.7/site-packages/mako/runtime.py , line 752, in _include_file callable_ ctx, _kwargs_for_include callable_, context._data, kwargs file /tmp/mako_lms/b2153bd0b7ba514602455e292b961b2f/ah/lms/templates/header.html.py , line 34, in render_body runtime._include_file context, static.get_themed_template_path relative_path='theme-header.html', default_path='theme-header.html' , _template_uri, online_help_token=online_help_token file /edx/app/edxapp/venvs/edxapp/local/lib/python2.7/site-packages/mako/runtime.py , line 625, in __getattr__ self.name, key attributeerror: namespace 'static' has no member 'get_themed_template_path'" +1155392,"""https://github.com/restsharp/RestSharp/issues/1052""",restsharp with testserver,"expected behavior get back a valid response from a controller endpoint using resttest actual behavior i always get back a 404. steps to reproduce the problem example call with restsharp public async task getexample guid exampleid { this._restclient = new restclient http://localhost ; example example = null; restrequest request = new restrequest api/example /{id} ; request.method = method.get; request.addurlsegment id , exampleid ; request.addheader content-type , application/json; charset=utf-8 ; var response = this._restclient.execute request ; example = response.data; return example; } working example with httpclient testserver server = new testserver new webhostbuilder .usestartup ; httpclient client = server.createclient ; var exampleid= new guid e2e8e066-2586-446a-9668-099eeb3e14ff ; var response = await client.getasync $ /api/example/{exampleid} ; response.ensuresuccessstatuscode ; var responsejson = await response.content.readasstringasync ; var example= jsonconvert.deserializeobject responsejson ; specifications - version: 106.1.0 - platform: windows - subsystem: stacktrace
a 404 is returned and a break point on the controller is never it when using restsharp.
" +1507672,"""https://github.com/libigl/libigl/issues/599""",mesh that looks pwn failing piecewise_constant_winding_number,"when i attempt to do a boolean operation on this mesh https://github.com/libigl/libigl/files/1289431/wing.ply.gz , i see the input mesh is not orientable error https://github.com/libigl/libigl/blob/e2aa034ab822d492ba74d736a8d823a317e8520e/include/igl/copyleft/cgal/propagate_winding_numbers.cpp l123 . it is true that my mesh isn't manifold, but it appears as if it should have a piecewise constant winding number. i'm especially confused because here https://github.com/libigl/libigl/issues/418 issuecomment-266779793 it sounds like it's path-wise solid at every point although perhaps i'm not understanding that comment . is there something i'm missing with this mesh? in meshlab i can't see any z-fighting so i don't think there's any overlapping oppositely-oriented tris." +469079,"""https://github.com/ehuss/Sublime-Wrap-Plus/issues/62""",sublime wrap plus does not seem to work with the c improved package,"it looks like sublime wrap plus does not work with the c improved https://packagecontrol.io/packages/c%20improved package, at least not within a block comment with this form: / something something else. / it's wrapped like this: / something something else. / is there something hardcoded for the c language regarding this form?" +3620318,"""https://github.com/ultimatemember/ultimatemember/issues/241""",suggestion: allow for photos to be added to wall comments,allowing to upload a photo as a comment or in addition to a wall post comment would be sweet. thanks. +2142186,"""https://github.com/crowfallgame/bugs/issues/95""",fort castle bugs,"collision with invisible boxes - blinking into structures - taking fall damage on any floors or terrain above the first i've tried picking up the fort castle and replacing it, as well as placing it in different spots. all areas retain fall damage above the first floor. reporter: kiro reference: https://community.crowfall.com/index.php?/topic/17790-521-playtest-feedback-for-july-28-31-2017/&page=3 comment-356812" +4919861,"""https://github.com/NuGet/Home/issues/4601""",local nupkg folder on linux,i want to create a local folder where i put nupkg files and use those packages by configuring nuget.config on linux. i haven't found any documentation how to do this. +4111050,"""https://github.com/plcpeople/nodeS7/issues/24""",trying to call conn.readallitems inside setinterval,"here is how i am writing my setinterval call: var mytimer; mytimer = setinterval conn.readallitems, 2000, function err, values { if !err { callback null, values ; } else{ console.log err ; callback err ; } } the callback i reference is in the wrapper function where i am setting the interval. i tried passing it by placing callback, after the 2000, and before the function err, values ... but that didn't seem to change anything. here is what i get when i try to run it: 27462038,628543252 unable to read when not connected. return bad values. /home/ssi/nodemonitor/node_modules/nodes7/nodes7.js:504 if self.iswaiting { ^ typeerror: object object object has no method 'iswaiting' if there is a better way to constantly monitor tags i'm all ears." +2050608,"""https://github.com/frappe/erpnext/issues/8487""",item tax not applied correctly ver 8.08 8391 still not fixed...,it is set this way to zero item master default is set 8.0625% and it does not work as documented this only works if after you go into quotation and change the default to zero this is not a good way to do it as employees will forget so this is still a bug. https://github.com/frappe/erpnext/issues/8391 +271186,"""https://github.com/sanctuary/notes/issues/19""",funcs: function signatures of cursor.cpp,this issue tracks the progress of documenting the function signatures of cursor.cpp. these function signatures may be inferred by cross-referencing the debug information made available from the playstation 1 symbol files see 1 and sanctuary/psx https://github.com/sanctuary/psx against the pc release of diablo 1 version 1.09b . +1447478,"""https://github.com/blockstack/blockstack-portal/issues/280""",error when approving hello blockstack log in request,"when i try to log in to hello blockstack, i get an error when i click the approve button. i'm using the v0.4.0 blockstack for macos release screen" +3616928,"""https://github.com/prolificinteractive/material-calendarview/issues/505""",disable clicking or selecting date form the calendar view,"-how can i disable selecting a date in the material-calendarview , just view the calendar with its selected events disable edit in event at all . is this applicable? any suggest. thanks." +3630992,"""https://github.com/ufclas/ufclas-knowledgebase/issues/1""",prevent typing in search bar before autocomplete has loaded,delay in loading causes search to momentarily lose focus and have to click and re-type search. may need to disable input or load js in the head of the page instead. +2364282,"""https://github.com/vandenheuvel/tribler/issues/262""",13 process feedback from user testing,now that we gathered feedback from users we want to process this feedback and improve our product. +3228113,"""https://github.com/stelligent/mu/issues/162""",nested mu.yml files,allow pipelines to be created from mu.yml files in nested folders of the repo +4612986,"""https://github.com/TremendousPorcupines/bangazon-node-api/issues/8""",allow developers to access the computer resource,"verbs to be supported 1. get 1. post 1. put 1. delete user should be able to get a list, and get a single item." +1852816,"""https://github.com/chrmarti/testissues/issues/4336""",test: js/ts extract method refactoring,"size: 3 os : - linux - mac - windows ! overview ts 2.5 brings an extract method refactoring option. this is a code action that users can trigger for the current expression of for selected code ! testing try browsing around some js and ts code and triggering extract method. it should work for the current expression if you don't have a selection, and for the current selection if it can be extracted note of filing issues i suspect most of the issues encountered with this test pass will be upstream ts issues. in those cases, please file the issue against ts directly to save time: https://github-com/microsoft/typescript/issues/new ! known issues - extract method does not trigger rename automatically. this is tracked for the next ts servicing release: https://github-com/microsoft/typescript/issues/17852" +1253697,"""https://github.com/stom79/mastalab/issues/128""",emoji chooser displays duplicates," i have 3 accounts configured on 3 instances. there are many duplicate emoji in the chooser, sometimes more than 3 each. https://framadrop.org/r/yg8h2xzzpk v+qc/oezgz/mbo+3egkhmh+qnzhturmwv4xfswmp6ym= running 1.6.5.1 on android 7.1.2" +4307580,"""https://github.com/ue4plugins/VlcMedia/issues/35""",black screenon ubuntu,"i’ve added the required folders to the ld_library_path,but no pictures just black screen,i got some errors: 2017.07.10-09.55.24:312 648 logvlcmedia:error: imem: invalid get/release function pointers 2017.07.10-09.55.24:385 649 logvlcmedia:error: core: failed to change zoom 2017.07.10-09.55.24:385 649 logvlcmedia:error: core: failed to change source ar any ideas?i’m running on ubuntu 16.04.1 lts, vlc media player 3.0.0-git." +447297,"""https://github.com/SteveDoyle2/pyNastran/issues/458""",option for fixed time step on transient displacement animation,"currently, if you want a fixed time step, you have to pass in an op2 with a fixed time step. just linearly interpolate." +3630817,"""https://github.com/se-edu/addressbook-level4/issues/406""",parser should not accept fields with no spaces between them,"our parser is able to handle the omission of spaces between different fields. for example: add abc a/validaddressp/61356436e/abc@email.comt/sometag still creates the correct person: new person added: abc phone: 61356436 email: abc@email.com address: validaddress tags: sometag however, this is undesirable, as: it looks confusing. it limits our choices of prefixes for example, if we want to create a new prefix mt/ , the input above would be ambiguous because we do not know whether the user meant mt/ or t/ ." +1082018,"""https://github.com/zacharysohovich/lotus/issues/7""",react not serving,the react app is not initializing at all via express +3173065,"""https://github.com/shuhongwu/hockeyapp/issues/28996""","fix nsinvalidargumentexception in - mmmessagereceivedhandler prehandling , line 226","version: 6.11.1 2080 | com.sina.weibo stacktrace
mmmessagereceivedhandler;prehandling;mmmessagereceivedhandler.m;226
+mmeventprocessor;processsingleevent:;mmeventprocessor.m;72
+mmeventprocessor;processevents:;mmeventprocessor.m;127
+mmcoreengine;eventsdidarrive:;mmcoreengine.m;308
+mmpushmanager;push:didreceivedata:;mmpushmanager.m;419
reason terminating app due to uncaught exception 'nsinvalidargumentexception', reason: '- __nscfnumber length : unrecognized selector sent to instance 0xb000000000000063' link to hockeyapp https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/172591460 https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/172591460" +1217919,"""https://github.com/metrue/blog/issues/92""",dynamic imports with webpack 2,"dynamic imports with webpack 2

http://ift.tt/2jz1quf

+:book: if you're reading this post, you probably faced a problem many single page applications have, too much javascript! you minified and bundled all your code with a tool of your choice, but somehow still end up with too much being loaded at your first page.

+:clock10: september 05, 2017 at 09:54am" +2780141,"""https://github.com/koorellasuresh/UKRegionTest/issues/19976""",first from flow in uk south,first from flow in uk south +2178613,"""https://github.com/ozkriff/zemeroth/issues/136""",optimized android apk,"diff diff --git a/cargo.toml b/cargo.toml index 4ec9d17..935a8f4 100644 --- a/cargo.toml +++ b/cargo.toml @@ -7,6 +7,9 @@ license = mit or apache-2.0 workspace members = hate + profile.dev +opt-level = 2 +" +2258159,"""https://github.com/hyperledger/composer/issues/756""",as a user i can model events,"context need to be able to define the structure of events in the composer model file. event myevent identified by eventid { o string eventid o double data --> person owner } expected behavior actual behavior possible fix steps to reproduce 1. 2. 3. 4. existing issues - stack overflow issues http://stackoverflow.com/tags/fabric-composer - github issues https://github.com/hyperledger/composer/issues - rocket chat history https://chat.hyperledger.org/channel/fabric-composer context your environment version used: environment name and version e.g. chrome 39, node.js 5.4 : operating system and version desktop or mobile : link to your project:" +1233880,"""https://github.com/SAP/openui5/issues/1332""",odata v4 datetimeoffset formats,"dear sirs, in the odata v4 standard two dateformats seem to be valid: http://docs.oasis-open.org/odata/odata/v4.0/errata03/os/complete/part3-csdl/odata-v4.0-errata03-os-part3-csdl-complete.html _toc453752637 -> 14.4.4 expression edm:datetimeoffset my asp.net odata server uses the latter format: 2000-01-01t16:00:00.000-09:00 it does not seem to be supported. is that correct? at least i cannot format the output string at all using sap.ui.model.odata.type.datetimeoffset. will this be supported in future versions? best regards" +5078940,"""https://github.com/scottwestover/Unofficial-LiveEngage-API-Wrapper/issues/7""",add support for operational real time api,https://livepersoninc.github.io/dev-hub/current/data-operational-realtime-overview.html https://livepersoninc.github.io/dev-hub/current/data-operational-realtime-overview.html create a sub module for the operational real time api +4586826,"""https://github.com/darcyrao/WHAMP/issues/1""",decide how to represent race/ethnicity groups,"decide how to represent heterogeneity on race/ethnicity in the model. challenge is that sample sizes for black msm are small, but black msm and hispanic msm have higher prevalence of hiv, as shown in the image below from the 2016 epidemiology report http://www.kingcounty.gov/depts/health/communicable-diseases/hiv-std/patients/epidemiology/~/media/depts/health/communicable-diseases/documents/hivstd/2016-hiv-aids-epidemiology-annual-report.ashx . asians have a lower prevalence, but it seems less important to model them as a separate group. analysis of the prep internet survey data suggest that black and hispanic msm have different patterns of partnership and sexual behavior, so it would be best to model them separately, if possible. the numbers are small for blacks, so it’s hard to draw firm conclusions, however. my proposal is to define the following race groups: hispanic regardless of race , non-hispanic black including those who reported black race alone and in combination with another race , and everyone else non-hispanic white, asian, american indian/alaska native, native hawaiian/other pacific islander, and other . of course we’ll have to acknowledge a lot of uncertainty in estimating parameters for black msm, which might be an issue particularly for parameters stratified by partner type, such as condom use and coital frequency , but it seems like it might be the better option. ! screen shot 2017-10-18 at 7 26 08 pm https://user-images.githubusercontent.com/15092539/31751459-43bfebde-b43a-11e7-9d0d-94816e1504e9.png" +1444750,"""https://github.com/SynBioHub/Web-of-Registries/issues/22""",web of registries does not work for local instances,"you cannot register to the web of registries a server that cannot be found. for example, if you register localhost, it will not be able to communicate with it. therefore, wor should confirm that it can reach the synbiohub instance, basically do an are you alive call, perhaps using the rootcollections endpoint to see if a response comes. in the future, other tests may be in order to tests its api. only if these work, should it accept the request, otherwise should send a denial immediately." +388804,"""https://github.com/aws/aws-sdk-js/issues/1809""",createreadstream events - where are the event docs???,"i guess loads of people must be using getobject.createreadstream but finding a list of events emitted is very hard. for example, how do i get data about the object info. .on info, info => or .on entry, entry => and making the getobject.createreadstream complete event called 'httpdone' is downright obtuse. what's going on? any help or pointers gratefully received, much though i love amateur detective work..." +2948764,"""https://github.com/exercism/xjava/issues/442""",list-ops: add hint to @ignore annotations,add a hint with the value remove to run test to the @ignore annotations in listopstest. see issue 426 for discussion. +3766979,"""https://github.com/vmware/clarity-seed/issues/55""",error on npm install,"when i checkout the project with git clone https://github.com/vmware/clarity-seed.git then i cd clarity-seed and i execute npm install i get the following error npm err! linux 4.4.0-75-generic npm err! argv /usr/bin/nodejs /usr/bin/npm install npm err! node v4.2.6 npm err! npm v3.5.2 npm err! code ereadfile npm err! error extracting /home/vasil/.npm/clarity-ui/0.9.3/package.tgz archive: enoent: no such file or directory, open '/home/vasil/.npm/clarity-ui/0.9.3/package.tgz' npm err! npm err! if you need help, you may report this error at: npm err! npm err! please include the following file with any support request: npm err! /home/vasil/server/clarity-tree/npm-debug.log the problem is that npm downloads clarity-ui 0.9.4 but 0.9.3 is expected when i do ls -lah ~/.npm/clarity-ui i get drwxrwxr-x 3 vasil vasil 4,0k май 15 22:04 . drwxr-xr-x 991 vasil vasil 36k май 15 22:04 .. drwxrwxr-x 3 vasil vasil 4,0k май 15 22:04 0.9.4 when i replace the versions of clarity-ui/icons/angular to 0.9.4 the issue is not reproduced clarity-angular : ^0.9.4 , clarity-icons : ^0.9.4 , clarity-ui : ^0.9.4 ," +229446,"""https://github.com/suculent/coffee-api/issues/11""",referenceerror: owner is not defined,"view details in rollbar: https://rollbar.com/thinx-dev/coffee-api/items/11/ https://rollbar.com/thinx-dev/coffee-api/items/11/ referenceerror: owner is not defined file /users/sychram/repositories/coffee-api/lib/machine.js , line 39, in mqttclient. mosquitto.subscribe / + owner + / ; // subscribes all machines! file events.js , line 120, in emitone file events.js , line 210, in mqttclient.emit file /users/sychram/repositories/coffee-api/node_modules/mqtt/lib/client.js , line 839, in mqttclient._handleconnack this.emit 'connect', packet file /users/sychram/repositories/coffee-api/node_modules/mqtt/lib/client.js , line 315, in mqttclient._handlepacket this._handleconnack packet file /users/sychram/repositories/coffee-api/node_modules/mqtt/lib/client.js , line 257, in process that._handlepacket packet, process file /users/sychram/repositories/coffee-api/node_modules/mqtt/lib/client.js , line 267, in writable.writable._write process file /users/sychram/repositories/coffee-api/node_modules/readable-stream/lib/_stream_writable.js , line 406, in dowrite if writev stream._writev chunk, state.onwrite ;else stream._write chunk, encoding, state.onwrite ; file /users/sychram/repositories/coffee-api/node_modules/readable-stream/lib/_stream_writable.js , line 395, in writeorbuffer dowrite stream, state, false, len, chunk, encoding, cb ; file /users/sychram/repositories/coffee-api/node_modules/readable-stream/lib/_stream_writable.js , line 322, in writable.write ret = writeorbuffer this, state, isbuf, chunk, encoding, cb ;" +2049120,"""https://github.com/broadinstitute/cromwell/issues/2172""",checking call cache time is suspiciously long on large scatters,"running a 5k wide scatter with call caching on, the checkingcallcache state can be suspiciously long on the timing diagram. investigate wether or not this is actually true and what's causing it. ! screen shot 2017-04-13 at 10 53 55 am https://cloud.githubusercontent.com/assets/2978948/25010329/cc544bee-2037-11e7-91e9-5944839699ed.png" +3996377,"""https://github.com/adobe/node-smb-server/issues/36""",renaming folders does not change dam ui,"when renaming a folder using the rq backend, the new name is not reflected in the dam ui. the root cause is that the rename operation updates the node path but does not change the node's jcr:title . to reproduce: start the server and mount the rq backend open a finder window and create a new folder rename the folder open the target dam ui. locate the folder and note that its name is still the old name" +95525,"""https://github.com/M157q/m157q.github.io/issues/30""",debugging netlink requests,"link https://t.co/e4nrbatsh2 strace + pyroute2 可以 decode netlink 的 message +也可以用用看 ip monitor 或 nltrace $" +4288269,"""https://github.com/react-bootstrap/react-bootstrap/issues/2675""",order of classname,"hi, i am new to react-bootstrap. i have the following code: the rendered output is: notice the navbar-custom is placed in the front causing my custom css to be ignored , how do i make it to the end of the classes, i.e. i appreciate your help! thank you. akwmak" +1722067,"""https://github.com/tenex/rails-assets/issues/416""",ssl certificate has expired,the ssl certificate for rails-assets.org has expired it expired at 2017-12-05 03:00:00 utc . +1007498,"""https://github.com/eclipse/mosquitto/issues/549""",is the mosquitto_message_free function needed for incoming messages ?,"hi, i understand that this function mosquitto_message_free frees the resources tied to a message. but i would like to know if it needs to be called at the end of a message_handler_callback function for incoming messages ? thanks" +486967,"""https://github.com/cerner/terra-core/issues/828""",datepicker shows incorrect year in select when supplied out of range date,"issue description if the date picker is supplied with a date outside the range of allowable dates, the year select displays the incorrect year. issue type - new feature - x enhancement - x bug - other expected behavior display the correct year value in the select, and have the value disabled. current behavior the invalid month is displayed in the month/day picker, while the select shows the incorrect year. attempting to change to the correct year is not possible until first changing to another year onchange isn't occurring until that point . steps to reproduce supplied: range - september 18, 2011 to september 18, 2017 selecteddate - september 18, 2009 the result looks like: ! wrong year https://user-images.githubusercontent.com/1391996/30566998-fc562870-9c93-11e7-8363-3d41ca0d4eca.png this is the month of september 2009, while the select's say it is september 2011. environment component version: terra-date-picker browser name and version: 1.9.0 operating system and version desktop or mobile : desktop" +1466451,"""https://github.com/nfl/react-helmet/issues/230""",trying to inject js from file into headers not working,i am using webpack-row-loader plugins for loading a js content : js +2808643,"""https://github.com/bil-elmoussaoui/Hardcode-Tray/issues/464""",megasync icon not overridable,"megasync get updated to 3.5 ver. and the icon returned to the original, i tried to override it again but didn't work. hardcode-tray version: 4.1, elementary loki, gtk 3.18" +1545247,"""https://github.com/AnthonyDiGirolamo/airline-themes/issues/28""",loading theme gives error function airline-themes-set-deftheme is void,"i am using emacs 25.2 with spacemacs on windows 7. when i try to select a theme, i get the error symbol’s function definition is void: airline-themes-set-deftheme as it turns out, i'm not the first person to experience this error https://www.reddit.com/r/emacs/comments/6cgm7u/emacs_cant_load_airline_themes_i_need_help/ the issue appears to be that each theme does not include the airline-themes.el file that contains this function, and thus rightly concludes the function is undefined. the solution to this, therefore, is to include the following line in each individual theme file elisp require 'airline-themes could this potentially be a difference in how spacemacs and regular emacs load all the .el files of a module? note: for anyone that stumbles upon this, if you manually correct your theme file you'll want to delete the corresponding .elc file so that emacs can recompile the original source file. the place to install airline-themes in spacemacs is under dotspacemacs-additional-packages" +5244035,"""https://github.com/dgraph-io/dgraph/issues/1829""",throw error if multiple nodes try to connect with same myaddr,"also, print errors when send message fails." +2655695,"""https://github.com/potassco/clingo/issues/45""",atom in disjunction visible in answer set although it is not visible in grounding and should not be true,"in the attached minimal.lp there is a fact sequence 0, volkstheater . and a rule with the disjunctive head sequence i,l | nsequence i,l there is no other rule defining sequence/2 or nsequence/2. therefore nsequence 0, volkstheater can never become true. however if i run minimal.lp with clingo 5.2.0 or with clingo 01dffb quite recent master branch hash then some answer sets contain this atom. if i pipe gringo output into clasp directly this also happens. if i use gringo --text on minimal.lp then the rule with nsequence 0, volkstheater in the head is not even shown, it seems to be optimized away which is correct, because it is satisfied by the fact . minimal.zip https://github.com/potassco/clingo/files/1108468/minimal.zip" +3268942,"""https://github.com/trafort/trafort.github.ip/issues/2""",we are going to sue you,"i'm sorry, you have given us no other choice. unless you take this down immediately, we are going to sue you. this and the other copied one" +4981819,"""https://github.com/noway1979/kottage/issues/2""",refactor testresource management,refactor to an exchangeable class inside testresourcemanager move registerresource methods to that class --> consistent with reversibleoperations +1535383,"""https://github.com/Badgerati/Fogg/issues/39""",validation for vm core exceeding limit doesn't multiply by vm count,"when validating if the build out of the vms has a total number of cores exceeding the maximum, it doesn't take into account the count property on vm templates." +2682664,"""https://github.com/aidankmcl/futureboard/issues/11""",update the author,in app/server.py : author: oliver steele +5233794,"""https://github.com/codilime/veles/issues/155""",what happened to the blue/orange colors of the point cloud?,"the point cloud used to be blue/orange to represent location. is this a setting i'm missing, was this removed, or is this a bug? version: 2017.03.0.świtezianka linux alura 4.4.0-71-generic 92-ubuntu smp fri mar 24 12:59:01 utc 2017 x86_64 x86_64 x86_64 gnu/linux name= ubuntu version= 16.04.2 lts xenial xerus id=ubuntu id_like=debian pretty_name= ubuntu 16.04.2 lts version_id= 16.04 home_url= http://www.ubuntu.com/ support_url= http://help.ubuntu.com/ bug_report_url= http://bugs.launchpad.net/ubuntu/ version_codename=xenial ubuntu_codename=xenial server glx vendor string: nvidia corporation server glx version string: 1.4 client glx vendor string: nvidia corporation client glx version string: 1.4 opengl vendor string: nvidia corporation opengl renderer string: geforce gtx 1070/pcie/sse2 opengl core profile version string: 4.5.0 nvidia 375.39 opengl core profile shading language version string: 4.50 nvidia opengl version string: 4.5.0 nvidia 375.39 opengl shading language version string: 4.50 nvidia opengl es profile version string: opengl es 3.2 nvidia 375.39 opengl es profile shading language version string: opengl es glsl es 3.20" +3435201,"""https://github.com/mafintosh/prebuild/issues/176""",exclude node 0.10 and 0.12 from --all,"node v0.10. and v0.12. are at end of life https://github.com/nodejs/lts , meaning that they're not maintained and insecure, and there's no need to build modules for these versions today by default. so i'd suggest filtering them out from the list of versions used with --all switch. people that need to build for legacy node versions can always use the -t switch." +3389487,"""https://github.com/rdbrck/jira-template-injector/issues/43""",isn't working with custom domains,hello. i'm trying to use this extension with a domain in the form of jira.atl.mycompany.net and it's not injecting the templates into the modal. i've added the custom domain in the extension and also added templates. i refreshed the pages as well. any advice here? +1415509,"""https://github.com/RubaXa/Sortable/issues/1120""",how do i get the element that the mouse is over?,for instance - 1 - 2 if i drag 1 over 2 how do i get the 2 element while the mouse is over it? +1891541,"""https://github.com/rapid7/metasploit-framework/issues/9297""",how fix this error invalid option msfvenom,"~ msfvenom -p android/meterpreter/reverse_tcp lhost=xxx.xxx.xxx lport=xxxx r > xxxx.apk error: invalid option msfvenom - a metasploit standalone payload generator. also a replacement for msfpayload and msfencode. usage: /opt/metasploit-framework/bin/../embedded/framework/msfvenom options options: -p, --payload payload to use. specify a '-' or stdin to use custom payloads --payload-options list the payload's standard options -l, --list type list a module type. options are: payloads, encoders, nops, all -n, --nopsled prepend a nopsled of length size on to the payload -f, --format output format use --help-formats for a list --help-formats list available formats -e, --encoder the encoder to use -a, --arch the architecture to use --platform the platform of the payload --help-platforms list available platforms -s, --space the maximum size of the resulting payload --encoder-space the maximum size of the encoded payload defaults to the -s value -b, --bad-chars the list of characters to avoid example: '\x00\xff' -i, --iterations the number of times to encode the payload -c, --add-code specify an additional win32 shellcode file to include -x, --template specify a custom executable file to use as a template -k, --keep preserve the template behavior and inject the payload as a new thread -o, --out save the payload -v, --var-name specify a custom variable name to use for certain output formats --smallest generate the smallest possible payload" +5058492,"""https://github.com/Stask9688/ZSM_TimeKeeper/issues/1""",default running of website opens to 404,does not open to login/home page as it should. attached is sample of error. 404 +2141953,"""https://github.com/v3n0m-Scanner/V3n0M-Scanner/issues/118""",error with setup,ubuntu 16.04 python 3.6 pip 9 ||input|| python3.6 setup.py install --user ||output|| /usr/lib/python3.6/distutils/dist.py:261: userwarning: unknown distribution option: 'install_requires' warnings.warn msg running install running build running build_py package init file 'src/__init__.py' not found or not a regular file package init file 'src/__init__.py' not found or not a regular file running install_lib running install_egg_info removing /home/igor/.local/lib/python3.6/site-packages/v3n0m-421.egg-info writing /home/igor/.local/lib/python3.6/site-packages/v3n0m-421.egg-info +3417460,"""https://github.com/yugecin/opsu-dance/issues/162""",something bad happend while playing,version: 0.4.2 build date: 2016-12-13 15:49 os: windows 10 x86 jre: 1.8.0_144 opengl version: 4.5.0 nvidia 385.69 nvidia corporation error: something bad happend while playing stack trace: java.lang.arrayindexoutofboundsexception: -1 at itdelatrisu.opsu.options$gameoption$11.clicklistitem options.java:343 at yugecin.opsudance.ui.optionsoverlay.mousepressed optionsoverlay.java:377 at itdelatrisu.opsu.states.optionsmenu.mousepressed optionsmenu.java:201 at org.newdawn.slick.state.statebasedgame.mousepressed statebasedgame.java:499 at org.newdawn.slick.input.poll input.java:1249 at org.newdawn.slick.gamecontainer.updateandrender gamecontainer.java:680 at itdelatrisu.opsu.container.gameloop container.java:98 at itdelatrisu.opsu.container.start container.java:68 at itdelatrisu.opsu.opsu.main opsu.java:218 +1622809,"""https://github.com/timfpark/react-native-location/issues/38""",support for ios 11,will this library be updated to support ios 11? running in ios 11 currently and apparently no location data is recorded. react-native: 0.44.0 react-native-location: 0.27.0 +3668967,"""https://github.com/t9md/atom-narrow/issues/217""",ability to switch off search by double click when narrow is opened .,right now there's a checkbox start by double click but there's no check box do disable searching by double click when narrow is already opened. while i think this is pretty useful but would prefer that it can be switched off as i don't want to autoupdate search results and switch context unintentionally. +394230,"""https://github.com/joaotavora/yasnippet/issues/842""",whitespace-mode isn't turned on after yas-new-snippet,"reproducing emacs -q package-initialize c-j global-whitespace-mode 1 c-j yas-global-mode 1 c-j m-x find-file ret some-file.html m-x yas-new-snippet there's no highlight m-x whitespace-mode highlight is coming additionally, while replace yas-new-snippet to yas-visit-snippet-file , whitespace-mode is turned on. environment - os: arch linux - emacs: 25.2.1 gtk - yasnippet 20170723.1530 - whitespace-mode 13.2.2" +4629565,"""https://github.com/tensorflow/tensorflow/issues/10288""",xla feature - pass config flags for llvm runtime.,"system information - have i written custom code as opposed to using a stock example script provided in tensorflow : yes - os platform and distribution e.g., linux ubuntu 16.04 : linux ubuntu 14.04 - tensorflow installed from source or binary : source - tensorflow version use command below : 'v1.0.0-1783-g4c3bb1a', '1.0.0' - bazel version if compiling from source : 0.4.5 - cuda/cudnn version : - - gpu model and memory : - - exact command to reproduce : - problem description as part of my google summer of code project, i am trying to build tensorflow with polly-enabled llvm. to do this, i have written my own build file which runs tensorflow with a custom repository of llvm that has polly checked out as well. i have managed to get a clean build and am now looking to incorporate polly's passes in the optimization pipeline of xla. in xla, the llvm module passes are registered here https://github.com/tensorflow/tensorflow/blob/master/tensorflow/compiler/xla/service/cpu/compiler_functor.cc l214 . polly register's its passes in llvm through the following steps 1 static llvm::registerstandardpasses registerpollyoptimizerearly llvm::passmanagerbuilder::ep_moduleoptimizerearly, registerpollyearlyaspossiblepasses ; corresponding file - /lib/support/registerpasses.cpp . 2 polly::initializepollypasses registry ; corresponding file - /lib/polly.cpp i have built the object files for both these files. but i want to check if polly is actually being invoked in the pipeline, and so my question is - - are these steps enough to use polly in the bazel build of tensorflow? - how can i pass configuration flags to llvm in tensorflow to check for polly usage? as a reference, please find my build file here https://gitlab.com/annanay25/tensorflow/blob/master/third_party/llvm/llvm.build . cc @phawkins @eliben" +507562,"""https://github.com/telerik/kendo-angular/issues/462""",kendo-dateinput: this.intl.dateformatstring is not a function at dateinputcomponent,"i was following the kendo-dateinput example basic usage http://www.telerik.com/kendo-angular-ui/components/dateinputs/dateinput/ toc-basic-usage and i've got this error: typeerror: this.intl.dateformatstring is not a function at dateinputcomponent.writevalue dateinput.component.js:202 and, while debugging, i find out that this.intl and this.intl.formatdate are valid, but this.intl.dateformatstring is undefined. ! console_error https://cloud.githubusercontent.com/assets/25247236/24856097/d31f5db6-1de3-11e7-936a-ebcf23c114db.png ! console_watch https://cloud.githubusercontent.com/assets/25247236/24856108/da6f5486-1de3-11e7-9af8-6aec4b8d3b56.png i've recently updated angular 2 to angular 4. this morning i updated all the packages to the latest version. what am i doing wrong? thanks" +4078640,"""https://github.com/stdstring/OpticalMeasurements/issues/27""",конфигурирование стадии 2,"необходимо создать и добавить в приложение контейнер цепочку действий, состоящей из действия калибровки, действия получения данных и действия сохранения полученных данных в формате asc. также, добавить в приложение-контейнер простой фильтр и простой модуль для коррекции данных. сконфигурировать действия так, чтобы они использовали эти простой фильтр и простой модуль для коррекции данных." +4029605,"""https://github.com/jonlabelle/SublimeJsPrettier/issues/57""",there's no option to silence pop-up errors,"jsprettier-error with a project without prettier installed, and auto_format_on_save: true i get pop-ups every time i save until i set auto_format_on_save: false . i understand the errors are helpful when debugging, but i'd rather have them appear in the console bar, hidden entirely, or somewhere less intrusive. is it possible to add an option to silence errors? maybe: error_volume: dialog|console|silent versions prettier version: 1.5.3 js prettier version: 1.12.0 sublime: stable channel, build 3126 os: mac: sierra 10.12.6 project settings: js_prettier : { auto_format_on_save : true, prettier_options : { printwidth : 120, singlequote : true, trailingcomma : all } }, steps to reproduce: 1. set auto_format_on_save: true 1. don't include prettier in your project 1. save a js file" +2597587,"""https://github.com/TakiJoe/redmine_import_issues/issues/4""",unabale to import core field like category_id and fixed_version_id,"i found the plugin unabale to import corefield like category_id and fixed_version_id, especially when there are 2 different projects have the same issue categories or versions. it will give -1 to all these fields. anyway it is possible to have the same versions roadmap for 2 different project, hope this issue could by fixed. i found related code in import_action.rb, but have no idea how to modify it to avoid this issue. when category_id if format == :string v = category.find_by_name value .id rescue -1 else v = category.find_by_id value .id rescue -1 end when fixed_version_id if format == :string v = version.find_by_name value .id rescue -1 else v = version.find_by_id value .id rescue -1 end" +1604784,"""https://github.com/gonzomir/grid-magazine/issues/2""",adding ad block,how do i add an ad block in the header or fix an ad block within the home grid? +2737638,"""https://github.com/lucadelu/pyModis/issues/85""",continuing hdf4 problems,"@lucadelu i'm having a similar problem, so rather than start a new thread i'll tack onto this one. i'm using pymodis version 2.0.4, gdal version 1.11.5_2, and osx el capital version 10.11.6. loading pymodis brings up the warning gdal installation has no support for hdf4, please update gdal which wasn't an issue for modis_download.py , but becomes problematic when trying to use modis_mosaic.py - it returns an error indicating that hdf is not a supported file format. in addition to this error, i get a warning that wxpython is missing - but i'm not on a windows os, and i don't care about the gui so my main concern is the hdf4 problem my end goal is mosaicking, so this is a troubling roadblock . i ran brew update gdal in bash to make sure gdal is up to snuff, and everything is fine on that front... suggestions?" +4241131,"""https://github.com/Keadvex/-/issues/1""","стиральная машина, поломка стиральной машины","решить проблемы по выходу из строя стиральной машины http://samrem.by/ экономично, быстро и с гарантией в минске предлагает опытный специалист. широкая специализация на любых видах технических работ: электроагрегаты, кнопочные и сенсорные панели, механические узлы. на страницах samrem.by представлен прейскурант на услуги и полезные статьи по уходу за оборудованием." +3136322,"""https://github.com/telerik/kendo-angular/issues/1008""",dropdownlist with filtering does not allow tabbing to the next input,"when the filtering is enabled in the dropdownlist, the user cannot tab to the next focusable element when the value is changed: http://plnkr.co/edit/sumzqk5yp9xz40lroocd?p=preview http://plnkr.co/edit/sumzqk5yp9xz40lroocd?p=preview 1 open the dropdownlist and change the value 2 press tab // the next input is not focused when there is a selected value, and this value is not changed open and close the dropdownlist without changing the value , the next input is focused as expected. the issue is not present when filterable is not set/ is set to _false_ . reported in ticket id: 1135174" +3910702,"""https://github.com/MUME/MMapper/issues/68""",introduce artificial light state,as mentioned in https://github.com/mume/mmapper/issues/38 we should add support for artificial lights +4071889,"""https://github.com/chartjs/Chart.js/issues/4769""",data labels in stacked bar chart to be centered,! capture_11 https://user-images.githubusercontent.com/28723939/30532466-110ae8e0-9c72-11e7-9dee-bb340efe8f41.png expected behavior data labels in stacked bar chart should be displayed and centered in each bar of the chart. like the image pinged environment chart.js version: 2.7.0 browser name and version: chrome 61 +791540,"""https://github.com/lakinwecker/delila-server/issues/2""",don't connect to sqlite on each request,"don't connect on each request, have a connection pool, or something. something more efficient." +3685115,"""https://github.com/eurodyn/Qlack2/issues/106""",url reference on filesystem in ittestconf's not cross-platform compliant,"for instance in com.eurodyn.qlack2.fuse.aaa.conf.ittestconf the following two url references are passed as options to the karaf runtime: url file:../../../../qlack2-fuse-aaa-api/target/qlack2-fuse-aaa-api- + mavenutils.getartifactversion com.eurodyn.qlack2.fuse , qlack2-fuse-aaa-api + .jar , url file:../../qlack2-fuse-aaa-impl- + mavenutils.getartifactversion com.eurodyn.qlack2.fuse , qlack2-fuse-aaa-impl + .jar , which leads to the according bundles not being deployed when running pax-exam tests. by changing the code to something like the following it should work on any os: url new file target/qlack2-fuse-aaa-impl- + mavenutils.getartifactversion com.eurodyn.qlack2.fuse , qlack2-fuse-aaa-impl + .jar .touri .tostring url new file ../../qlack2-fuse-aaa-api/target/qlack2-fuse-aaa-api- + mavenutils.getartifactversion com.eurodyn.qlack2.fuse , qlack2-fuse-aaa-api + .jar .getcanonicalfile .touri .tostring please check and maybe consider changing." +3816490,"""https://github.com/angular/angular/issues/15446""",developer.md is not found," i'm submitting a ... check one with x x bug report => search github for a similar issue or pr before submitting feature request support request => please do not submit support request here, instead see https://github.com/angular/angular/blob/master/contributing.md question current behavior the readme links to contributing.md, which links to developer.md, but that results in a 404 not found because developer.md was moved to docs, but the references have not been changed. expected behavior the link should not 404 what is the motivation / use case for changing the behavior? making contribution easier for newcomers like me. i would submit a pr, but i don't know if the developer.md should rather be moved back to the root where it's typically located in github projects , or if the references from contributing.md should be fixed." +2396637,"""https://github.com/HarvestHub/GardenHub/issues/26""",staticfiles not being deployed properly,"we're using the heroku-python-buildpack which automatically runs collectstatic, but i noticed we always have to run it again manually after each deploy. this may be because i've mounted the static files into the host and am serving them from nginx on the host. the python buildpack compiles them into /tmp and then copies them over? not sure what's going on here. anyway, for now we can use this: ssh dokku@candlewaster.co run gardenhub python manage.py collectstatic --noinput" +491193,"""https://github.com/prusa3d/Prusa-Firmware/issues/115""","toshiba flashair - file protection during print, print monitoring, ui etc.","hi, i have question to how printer handle files during print phase. on normal sd the file can't disappear mid print, but on toshiba flashair user can remove the file that the printer is currently printing mid print and that could interrupt printing process. my test showed that when i remove file mid print, nothing actually happens. how is this achieved? i'm asking as if it is achieved in some way like copy the file that is currently in printing process to some hidden directory, that could well be used to detect if printer is still printing and notify user when finished. also as this card has quite good api, it would be possible if printer would regularly write some log file to sd card, to make web ui that will run on the card and show current progress and some statistics data from printer. temperature, print time, percentage, speed, etc. this would be killer feature. all this could allow for great remote monitoring without using octopi or similar, which i personally didn't start to like and still use safer and reliable sd print. hope you will like this idea and possibly make it happen. i will then do the card side of it - ui. thanks." +326472,"""https://github.com/Microsoft/mobile-center-cli/issues/272""",test espresso: appending tilde to --build-dir,"i am not able to upload an espresso test at all. no matter how i format the arguments ithe m-c cli always appends a '~' to the --build-dir argument. thus pointing at a non-existing directory. example. i have an app and corresponding test apk in /home/kamstrup/downloads: $ mobile-center test run espresso --app kamikkel/immoscout24 --devices 31be1403 --app-path downloads/myapp.apk --test-series master --locale en_us --build-dir downloads \ preparing tests... events.js:160 throw er; // unhandled 'error' event ^ error: eacces: permission denied, open 'downloads/~' at error native" +1624780,"""https://github.com/ml00dy/Reborn/issues/1""",bad player rotation,after rotation player is always placed in default rotation - facing up! +5123514,"""https://github.com/OpenBCI/OpenBCI_32bit_Library/issues/84""",inaccurate sd card maximum file writing times,in the openbci gui you can select the sd file sized based on the expected duration of the trail. it would appear that these sizes are based off a 8 channel data writing rates at 250hz. with 16 channels at 1khz a 1-hour file is filled in 7.5 minutes. we need to update the file size based on the sample rate and the board type settings. i can tackle this if required. a simple way to implement this would be in the code that allocates the sd space by simply multiplying the number of blocks defined see below by 2 for 16-channel board and 2 or 4 for 500 or 1000hz sample rate. define block_5min 11000 define block_15min 33000 define block_30min 66000 define block_1hr 131000 define block_2hr 261000 define block_4hr 521000 define block_12hr 1561000 define block_24hr 3122000 +4470549,"""https://github.com/DozerMapper/dozer/issues/300""",override field mapping in subclass,is there no way to override a field mapping in a sub class? i have the following mapping: classa classb fielda1 fieldb1 this fieldb2 classa subclassb fielda1 fieldsubb1 this fieldb2 when i execute the mapping it completely ignores the mapping of fieldb2 in the mapping of classa to subclassb and customconverter2 is never invoked. is there a way to have customconverter2 invoked for fieldb2? +1736824,"""https://github.com/sadikovi/row-serde/issues/2""",add more types for indexedrow,"right now indexedrow supports only stringtype , integertype , and longtype . we should more primitive types and array type." +5027145,"""https://github.com/speed2CZ/faf-tutorials/issues/17""",launch maps directly from the client,lobby is quite useless for tutorials so it should be launched directly from the client. command line arguments needed: /init init_tutorials.lua /map some changes might be needed in /lua/singleplayerlaunch.lua to make sure proper settings are applied. +5135596,"""https://github.com/minetest/minetest/issues/5858""",semitransparent clouds have ugly inner corners,"if you use the clouds to make semi-transparent clouds with a low opacity, the inner corners of clouds become more and more ugly: ! showing cloud with bad inner corners https://i.imgur.com/4siopcx.png ! another example https://i.imgur.com/bj8vevr.png tested in: https://github.com/minetest/minetest/commit/1681a009bc54b19eeab0356c7ed856bc0bed6a1a" +5172023,"""https://github.com/Particular/NServiceBus/issues/5006""",wording of configuration section obsolete messages,"v7 deprecates configuration sections and throws exception when you're using them. but as @ramonsmits pointed out, the message states something like this: > use of the application configuration file to configure the endpoint is discouraged. it seems that discouraged does not state clearly enough that it's not just discouraged, but also not possible? should we change that wording?" +3067431,"""https://github.com/PolarMesosphericClouds/PMC-Turbo/issues/8""",add additional disk writer thread process for usb drive,write data to usb thumb drive at ~ 1/64 rate of spinning disk as backup +1740703,"""https://github.com/emqtt/emqttd/issues/1350""",forcefully disconnect client.,"greetings, is there a way / command to tell emq to forcefully / immediately / completely close a specific client's connection? for security reasons, our application must be able instantly and completely revoke a user's access. simply deactivating their account and modifying the acl does not cause the existing connection to drop which is problematic. thanks!" +2687074,"""https://github.com/zacanger/hey-you/issues/4""",npm i doesn't work,"using npm i -g hey-you doesn't work. error: /usr/local/bin/hey-you-cli -> /usr/local/lib/node_modules/hey-you/cli.js /usr/local/bin/hey-you -> /usr/local/lib/node_modules/hey-you/index.js /usr/local/bin/heyyou -> /usr/local/lib/node_modules/hey-you/index.js /usr/local/bin/heyyou-cli -> /usr/local/lib/node_modules/hey-you/cli.js /usr/local/bin/hey -> /usr/local/lib/node_modules/hey-you/index.js /usr/local/bin/hey-cli -> /usr/local/lib/node_modules/hey-you/cli.js > electron@1.6.11 postinstall /usr/local/lib/node_modules/hey-you/node_modules/electron > node install.js /usr/local/lib/node_modules/hey-you/node_modules/electron/install.js:47 throw err ^ error: eacces: permission denied, mkdir '/usr/local/lib/node_modules/hey-you/node_modules/electron/.electron' npm err! code elifecycle npm err! errno 1 npm err! electron@1.6.11 postinstall: node install.js npm err! exit status 1 npm err! npm err! failed at the electron@1.6.11 postinstall script. npm err! this is probably not a problem with npm. there is likely additional logging output above. log: 2017-06-27t22_57_13_338z-debug.txt https://github.com/zacanger/hey-you/files/1107074/2017-06-27t22_57_13_338z-debug.txt" +3918906,"""https://github.com/alterrebe/docker-mail-relay/issues/10""",can't relay on sendgrid using tls,"i can't relay messages to sendgrid using tls, i get this error in the mailllog 2017-07-31t19:25:14.229313+00:00 smtp postfix/smtpd 312 : warning: cannot get rsa certificate from file /etc/ssl/certs/ssl-cert-snakeoil.pem : disabling tls support 2017-07-31t19:25:14.229345+00:00 smtp postfix/smtpd 312 : warning: tls library problem: error:02001002:system library:fopen:no such file or directory:bio/bss_file.c:255:fopen '/etc/ssl/certs/ssl-cert-snakeoil.pem', 'r' : 2017-07-31t19:25:14.229369+00:00 smtp postfix/smtpd 312 : warning: tls library problem: error:20074002:bio routines:file_ctrl:system lib:bio/bss_file.c:257: 2017-07-31t19:25:14.229390+00:00 smtp postfix/smtpd 312 : warning: tls library problem: error:140dc002:ssl routines:ssl_ctx_use_certificate_chain_file:system lib:ssl_rsa.c:723: later, when i'm trying to send i get this other error. 2017-07-31t19:31:10.154432+00:00 smtp postfix/smtp 537 : ssl_connect error to smtp.sendgrid.net 167.89.125.25 :587: operation timed out 2017-07-31t19:31:10.155469+00:00 smtp postfix/smtp 537 : c9d798162b: cannot start tls: handshake failure 2017-07-31t19:36:10.358940+00:00 smtp postfix/smtp 537 : ssl_connect error to smtp.sendgrid.net 108.168.183.160 :587: operation timed out 2017-07-31t19:36:10.363822+00:00 smtp postfix/smtp 537 : c9d798162b: to=, relay=smtp.sendgrid.net 108.168.183.160 :587, delay=640, delays=40/0.04/600/0, dsn=4.7.5, status=deferred cannot start tls: handshake failure any ideas ? thanks, pablo" +212217,"""https://github.com/aio-libs/aiosmtpd/issues/37""",doc: python 3.5 is required for ssl,"http://aiosmtpd.readthedocs.io/en/latest/ requirements: you need at least python 3.4 to use this library. python 3.3 might work if you install the standalone asyncio library, but this combination is untested. you should mention that python 3.5 is required for ssl for ssl.memoryio . see also issue 16 ;-" +3170635,"""https://github.com/MaximAbramchuck/ruby-telegram-bot-starter-kit/issues/8""",standarderror: directly inheriting from activerecord::migration is not supported.,"hey, thanks for the great boilerplate. upon setting up the database, i get ruby standarderror: directly inheriting from activerecord::migration is not supported. please specify the rails release the migration was written for: class createusers < activerecord::migration 4.2 running ruby 2.4.0 this is easily fixed though, by changing the following line https://github.com/maximabramchuck/ruby-telegram-bot-starter-kit/blob/master/db/migrate/001_create_users.rb l1 to e.g class createusers < activerecord::migration 5.0 for rails 5" +2950006,"""https://github.com/openpaperwork/paperwork/issues/701""",pdf: thumbnails are not really thumbnails,pdf thumbnails are too big: ~2380x3364 ; ~550kb. those are not really thumbnails ... +2466276,"""https://github.com/yarnpkg/yarn/issues/3612""",registry settings on .npmrc file being ignored,we have some private repos. when doing yarn install some packages are not found because yarn is using the yarn registry and not mpm's specified in the .npmrc . we can fix it via yarn config set commands. is the expected behavior to have yarn config itself via .npmrc or we have to explicitly do it via cli? +1942566,"""https://github.com/quantum-bits/galilee-webapp/issues/25""",questions are returned from server in seq order,i think the questions might be returned in chronological order instead of sequence order. +2331261,"""https://github.com/ParsePlatform/parse-dashboard/issues/634""",config properties are not visible?,"hi, i just figured out that when i set some config properties with the latest dashboard version, logout and login again, then the config properties do not show up – but they are still available via my app. i still want to have access on them via the dashboard. how can i fix this issue? thanks." +1270632,"""https://github.com/deregenboog/ecd/issues/261""",rapportage toevoegen gerepatrieerd,"mensen die binnen een bepaalde periode gerepatrieerd zijn, groeperen naar land van bestemming. datum afsluiting is hierbij leidend." +1983572,"""https://github.com/spring-cloud/spring-cloud-stream-binder-kafka/issues/169""",partitioning should use the existing partition count,"instead, it seems to use the partitioncount property of the topic. originally it was: https://github.com/spring-cloud/spring-cloud-stream/issues/977" +2544004,"""https://github.com/axelclark/ex338/issues/252""",function clause doesn't match for ecto.datetime.to_erl/1,"integration with elixir 1.3 calendar types ecto now supports the following native types :date, :time, :naive_datetime and :utc_datetime that map to elixir types date, time, naivedatetime and datetime respectively. :naive_datetime has no timezone information, while :utc_datetime expects the data is stored in the database in the etc/utc timezone. ecto 2.1 also changed the defaults in ecto.schema.timestamps/0 to use :naive_datetime as type instead of ecto.datetime and to include microseconds by default. you can revert to the previous defaults by setting the following before your schema/2 call: @timestamps_opts type: ecto.datetime, usec: false the old ecto types ecto.date, ecto.time and ecto.datetime are now deprecated." +2154994,"""https://github.com/thejameskyle/proposal-promise-access-internal-fields/issues/4""",reduce api surface,"i strongly prefer the following api: js promise.inspect returns one of: - { state: pending } - { state: fulfilled , value } see 1 - { state: rejected , reason } this avoids the issues around what the value/reason getter should return when the state is pending. it also makes it clear that fulfillment values are different from rejection reasons. not to take this as an endorsement though, given the lack of motivation for this proposal in general: 2." +203629,"""https://github.com/hipoglucido/films-synopsis-generator/issues/1""",make predicitons generate synopsis,"now that we have some trained weights, we should code the functions necessary to load them into the model and make actual predictions. goal is to be able to check whether the generated synopsis start to make sense or not." +5269649,"""https://github.com/kennykw/lee/issues/1""","tests from imagedatalayertest/1, where typeparam = caffe::cpudevice","i've this error how to solve it? thanks in advance.. ---------- 5 tests from imagedatalayertest/1, where typeparam = caffe::cpudevice run imagedatalayertest/1.testreshape ok imagedatalayertest/1.testreshape 46 ms run imagedatalayertest/1.testshuffle ok imagedatalayertest/1.testshuffle 106 ms run imagedatalayertest/1.testread ok imagedatalayertest/1.testread 103 ms run imagedatalayertest/1.testresize ok imagedatalayertest/1.testresize 122 ms run imagedatalayertest/1.testspace ok imagedatalayertest/1.testspace 63 ms ---------- 5 tests from imagedatalayertest/1 440 ms total ---------- global test environment tear-down ========== 1096 tests from 150 test cases ran. 68513 ms total passed 1095 tests. failed 1 test, listed below: failed neuronlayertest/0.testpreluforward, where typeparam = caffe::cpudevice 1 failed test make 3 : src/caffe/test/cmakefiles/runtest error 1 make 2 : src/caffe/test/cmakefiles/runtest.dir/all error 2 make 1 : src/caffe/test/cmakefiles/runtest.dir/rule error 2 make: runtest error 2" +114158,"""https://github.com/koorellasuresh/UKRegionTest/issues/65595""",first from flow in uk south,first from flow in uk south +4331536,"""https://github.com/microplan-xyz/microplan/issues/90""",missing fs-extra module,"in microplan-init.js module fs-extra is imported, but it was removed from package.json in be065d7 https://github.com/microplan-xyz/microplan/blob/7409cc60c2fbad759a14e64e851255ab8f35b5b5/microplan-init.js l2 this renders freshly downloaded instance of microplan unusable after npm install ." +147152,"""https://github.com/hynek/doc2dash/issues/57""",supporting sphinx user guides,"sphinx is wont to output most of its documentation under the inventory key 'std:doc' which is currently handled with a keyerror and discarded by doc2dash . adding std:doc to inv_to_type mapped to 'guide' at least means these pages can be found in a search within dash. but it leads to a few issues: the keys in inv 'std:doc' are not the appropriate titles for the documentation pages, as assumed by doc2dash . rather inv 'std:doc' key 3 contains the title. pages containing api reference also appear in the guide, which may be inappropriate. pages in the guide may otherwise be heterogeneous: i would consider typing some documentation as sample rather than guide ; and tutorial were such available in dash. so: is it worth making the intersphinx converter api more flexible to this case, or should projects be expected to adapt doc2dash to their needs cf. concerns about use as a library 56, pinned requirements, etc. 54 ? is the appropriate api a callback or perhaps regular expression-based rules?" +3841194,"""https://github.com/koorellasuresh/UKRegionTest/issues/6760""",first from flow in uk south,first from flow in uk south +303142,"""https://github.com/AgileVentures/MetPlus_tracker/issues/630""",import a list of generic job skills into db,"the system as currently delivered has no job skills that is, not global job skills . in order to have skills available for creating jobs, the agency admin currently has to create job skills one-by-one. this story consists of 1 finding a list of generic job skills hopefully, with a name and description for each, so as to map to the fields in the skill model, and 2 a rake task to import that data into the skills table." +3911554,"""https://github.com/Tesco/mewbase/issues/122""",make query api filter based only,we have introduced filters to both queries and event streams. in this model users of the server can specify named filters java predicates to apply to documents and events. in the api these filters can be applied to the data by referring to the filters by name. e.g. fqcn . in the current query implementation it is necessary to supply a bson matching object in the api which is ignored by the rest of the protocol and server. we should remove this from the api to simplify client complexity and a source of possible confusion for novice api users. +3942438,"""https://github.com/rafaelpimpa/buefy/issues/202""",b-field misalign w/ addon & grouped,overview of the problem buefy version: 0.4.5 vuejs version: 2.3.3 os/browser : chrome latest description the newline formatting for the label isn't honored when trying to add additional elements between the tag/component expected behavior i would expect that the addon for the input field would not change the render order of the label actual behavior the controls stay in-line with the label +2819743,"""https://github.com/bduff9/nfl-meteor/issues/77""",improve email from admin users,"add html/text editor, fix styling, only email some users" +698694,"""https://github.com/googleads/videojs-ima/issues/387""",how to control fallbacks order?,"hello guys, – i'm trying to setup fallbacks functionality or waterfalling using vast and ima sdk using extensions . i've checked this question: https://github.com/googleads/videojs-ima/issues/278 and clarification answers. so here is the vast xml i have: ad_system ad_system ad_system i was testing in google vast inspector and in jwplayer test tool. in both these tests ads are played in order of appearance of the corresponding tags in xml. so, the first one plays ad tag one.in case i break the ad tag one, than ad tag two is being played. however, when all tags are in place and working, changing of 'fallback_index' does not change anything. say, if i give a fallback_index of 1 to ad tag one and fallback_index of 0 to ad tag two, but the order of tags in xml is the same, the ad tag one will be played. is that expected? i assumed that setting the fallback_index is a way to order the priority of ad tags. am i getting it wrong? thank you." +5185547,"""https://github.com/AllenFang/react-bootstrap-table/issues/1037""",remote mode : page is set to 1 when i reset a filter,"i have a table that i use in remote mode. if i set the properties like this : data = sizeperpage = 5 options.page = 2 fetchinfo.datatotalsize=7 then it works fine. i see my two elements, and the page number 2 is highlighted. but when i set a text filter to blank, or a custom filter to blank i call filterhandler with no parameters inside my custom filter , then the page 1 becomes highlighted in pagination list, and i can't click on it or page 2. the props haven't changed, so i see a mismatch between props.options.page=2 and state.currpage=1 . do you have a workaround or a fix? i think this is the last bug left in my list and i'm a little bit frustrated ^^ thanks in advance, and great work with this component, it's very useful." +156070,"""https://github.com/lstjsuperman/fabric/issues/27879""",momoapplication.java line 1043,in com.immomo.momo.momoapplication.s number of crashes: 1 impacted devices: 1 there's a lot more information about this crash on crashlytics.com: https://fabric.io/momo6/android/apps/com.immomo.momo/issues/5a21430161b02d480da60754?utm_medium=service_hooks-github&utm_source=issue_impact https://fabric.io/momo6/android/apps/com.immomo.momo/issues/5a21430161b02d480da60754?utm_medium=service_hooks-github&utm_source=issue_impact +317424,"""https://github.com/Kwpolska/pkgbuilder/issues/51""",unboundlocalerror with -si as only arguments,"$ pkgbuilder -si traceback most recent call last : file /usr/bin/pkgbuilder , line 11, in load_entry_point 'pkgbuilder==4.2.10', 'console_scripts', 'pkgbuilder' file /usr/lib/python3.6/site-packages/pkgbuilder/__main__.py , line 227, in main exit qs unboundlocalerror: local variable 'qs' referenced before assignment" +4337887,"""https://github.com/socketio/engine.io-client-java/issues/90""",cant find some fields in,"im working on socketio and engineio libraries, the souce of socketio is working with engineio version 0.8.3. the binary gradle version of engineio is working fine while the source code on github is different a bit. package io.socket.engineio.client; class transport binary versio has: public static class options { public string hostname; public string path; public string timestampparam; public boolean secure; public boolean timestamprequests; public int port = -1; public int policyport = -1; public map query; public sslcontext sslcontext; public hostnameverifier hostnameverifier; protected socket socket; public proxy proxy; public string proxylogin; public string proxypassword; } source code on github: public static class options { public string hostname; public string path; public string timestampparam; public boolean secure; public boolean timestamprequests; public int port = -1; public int policyport = -1; public map query; protected socket socket; public websocket.factory websocketfactory; public call.factory callfactory; }" +2416586,"""https://github.com/opendata-stuttgart/feinstaub-map/issues/48""",provide way to connect sensor via lorawan,provide way to connect sensor via lorawan document how to do this +2899045,"""https://github.com/UKHomeOffice/dq-aws-transition/issues/134""",bastion host linux cloudwatch passing,"description: having made commits see list of commits to repos internal tableau https://github.com/ukhomeoffice/dq-tf-external-tableau , external tableau https://github.com/ukhomeoffice/dq-tf-internal-tableau and dq-tf-ops https://github.com/ukhomeoffice/dq-tf-ops , make sure bastion host linux cloudwatch now passes. list of commits: removing duplicate var in connectivity test https://github.com/ukhomeoffice/dq-tf-external-tableau/commit/834134afa5e26e0f73c791b16e7b740259c00ee1 removing duplicate var in connectivity test https://github.com/ukhomeoffice/dq-tf-internal-tableau/commit/420dc540afdf729ec4c0edc28553e5aca5b5c264 added listening check to bastion host linux https://github.com/ukhomeoffice/dq-tf-ops/commit/49752b22f1eb1f2a24784eb2bdc4428a875f6ec2 acceptance criteria: - all bastion host linux cloudwatch checks passing" +5325138,"""https://github.com/mozilla/notes/issues/132""",enhancement mouse pointer should reflect that action is not allowed when trying to drop content into sidebar,"notes : - since the drag and drop feature was disabled, the cursor should also reflect that this action is not allowed when the user tries to drop content into firefox notes. affected versions : - firefox 53.0 and up - firefox notes dev v1.5 affected platforms : - all windows - all linux - all mac prerequisites : - have a firefox profile with the latest firefox notes add-on version 1.5 -dev, built on 10/07/2017 installed. steps to reproduce : 1. open the browser with the profile from prerequisites. 2. navigate to a webpage and drag any content over the firefox notes sidebar. 3. observe the mouse pointer icon. expected result : - the mouse pointer changes when notes sidebar is hovered to reflect that the drag and drop action is not allowed. actual result : - the mouse pointer changes into a drop icon instead, even if the action is not performed when released. additional notes : - attached a screen recording of the issue: ! mousepoiner_issue https://user-images.githubusercontent.com/20083658/28027422-af70e398-65a1-11e7-8128-e1d0f3402491.gif" +4814417,"""https://github.com/marc-despland/s2i-angular2/issues/1""",error on building,"hello, first of all, thanks for working on this base image. i've been trying to build an image from the official quickstart repository of angular https://github.com/angular/quickstart.git but, as well as other trials, i'm always having the same error: ! image https://cloud.githubusercontent.com/assets/20857839/23205124/0da9ac04-f8e9-11e6-88cf-8464634d07ed.png" +116520,"""https://github.com/koorellasuresh/UKRegionTest/issues/86339""",first from flow in uk south,first from flow in uk south +2241815,"""https://github.com/koorellasuresh/UKRegionTest/issues/75068""",first from flow in uk south,first from flow in uk south +1087074,"""https://github.com/boazsegev/combine_pdf/issues/126""",malformed pdf file,"hi i am trying to load a pdf and after several messages warning: parser advancing for unknown reason. potential data-loss shows me the error unknown pdf parsing error - malformed pdf file? pdf looks correct, such as pdf opens properly in chrome. where can i send the pdf without it being published in github? i'm using combine_pdf 1.0.7 thanks for your time." +431528,"""https://github.com/riot/riot/issues/2383""",possible bug involving compilation of tags containing regex,"help us to manage our issues by answering the following: 1. describe your issue: so i noticed some frontend code stopped working recently that i hadn't touched for months. i tracked it down to the tag containing the following function: getfilepathid filepath { var filepathid = filepath.replace / ! $%&' +,.\/:;<=>?@ \\\ ^ {|}~ /g, '_' ; return filepathid; } it seems for the rest of the methods declared in this tag following the regex, the methods do not get compiled correctly and you end up with: this.getfilepathid = function filepath { var filepathid = filepath.replace / ! $%&' +,.\/:;<=>?@ \\\ ^ {|}~ /g, '_' ; return filepathid; } gettabid filepath { var tabid = this.getfilepathid filepath + '_tab'; return tabid; } therefore an exception is thrown saying gettabid does not exist. do i need to declare the regex differently? it was compiling fine on previous versions. 4. which version of riot does it affect? v3.6.0 5. how would you tag this issue? - question - x bug - discussion - feature request - tip - enhancement - performance" +3855911,"""https://github.com/BigStorageCo/Boxes/issues/1""",the small boxes are too big,the boxes that are the smallest are too big. lets make them smaller. +2022545,"""https://github.com/ovh/overthebox-feeds/issues/489""",daemon.err uhttpd 2025 : cut: standard output: broken pipe,"in luci, with the page cgi-bin/luci//admin/network/network open" +2338589,"""https://github.com/tc39/proposal-flatMap/issues/44""",stage 2 assigned reviewer sign-off,"as a formality, just getting written sign-off in this issue from the assigned reviewers necessary for the planned advancement to stage 3 at the next meeting - @ljharb - @rwaldron - @spectranaut" +2044450,"""https://github.com/EFForg/privacybadger/issues/1645""",consider out-of-band domain migrations to fix heuristic errors,"it would be nice to be able to unblock domains that were erroneously blocked by privacy badger. i'm imagining something like a migration, except it can be delivered outside of privacy badger updates, like the yellowlist, or dnt hashes. we have 2 kinds of migrations: a kind where we change the schema of our storage a kind where we unblock mistakenly blocked domains this would address the second kind. we'd be able to more quickly deliver fixes to users, to give them a better experience. some times where this would be useful: when we've broken stuff by having a bad heuristic or some other bug. - like when we broke a bunch of sites because we remove some entries from the yellow list. we could have sent fixes without doing a release. - unblocking domains which were blocked by __cfduid cookies when we are unable to reproduce the tracking that cause something to be blocked. so we need to unblock it. see the unable to reproduce issue label https://github.com/efforg/privacybadger/issues?q=is%3aopen+is%3aissue+label%3a%22unable+to+reproduce%22 . - youtube is a good example of this right now. we would be able to try try unblocking domains related to youtube. this might help, and improve the user's experience even though we don't know what is happening. - 1153 we've spent a lot of energy investigating it. a good stopgap measure would be unblocking it with a simple migration. instead of spending more time searching for the cause of the tracking. this would also be nice because our migration system is pretty clunky. removing domain unblocking from it would make working with it much simpler, and therefor less error prone." +1545061,"""https://github.com/CoderDojo-Content/content-hack/issues/882""",intermediate javascript: translate getting setup from english to czech,"if this is your first time working on intermediate javascript then you will need to be added as a collaborator. you can find instructions on how to do this at http://dojo.soy/gitbook-collab 1. make sure you have assigned this task card to yourself and moved it to the in progress column. +2. go to https://www.gitbook.com/book/coderdojo/intermediate-javascript-sushi/edit and create a change request named translation of getting setup readme.md to czech . see how to do this at http://dojo.soy/gitbook-makecr +3. switch the view to čeština cs. see how to do this at http://dojo.soy/gitbook-changelang +4. translate the english text into czech. for an overview of what to translate, see http://dojo.soy/translation-guidelines. +5. once the translation is complete, save your work by clicking the publish button. +6. move this task card into the review column. +7. if you have time, pick another task from the next column!" +633526,"""https://github.com/skiselkov/BetterPushbackC/issues/117""",pushback for pmdg dc-6 a/b,"dear saso, with least priority... is it possible to add that aircraft too. if you need infos / files, let me know. thanks and have a nice weekend. oliver in rw it can do this: https://www.youtube.com/embed/fwlsgi8wgk8" +4324982,"""https://github.com/CentOS-PaaS-SIG/linchpin/issues/282""",upgrade to ansible 2.3,testing needs to occur to make sure no major hiccups occur. +5218044,"""https://github.com/Baystation12/Baystation12/issues/18983""","deck 2 - science sign points down, when it is actually up","description of issue deck 2 - science sign points down, when it is actually up ! image https://user-images.githubusercontent.com/5100879/31418521-056ac00a-adfc-11e7-8594-1394e39cafb1.png difference between expected and actual behavior expected - science sign points up to deck one like infirmary actual - science sign points down to deck three steps to reproduce open eyes specific information for locating interdeck stairs, fore of ship, deck two engineering length of time in which bug has been known to occur too long. client version, server revision & game id client version: 511 server revision: 81e492eb9082295fbd10e6f84250ab12e3add4a1 - dev - game id: bqs-dcjr current map: sev torch issue bingo please check whatever applies. more checkboxes checked increase your chances of the issue being looked at sooner. - x issue could be reproduced at least once - x issue could be reproduced by different players - x issue could be reproduced in multiple rounds - x issue happened in a recent less than 7 days ago round - x couldn't find an existing issue about this https://github.com/baystation12/baystation12/issues" +2579671,"""https://github.com/robolectric/robolectric/issues/3283""","resources.notfoundexception string, exception only added in n+","as reported by @jkasten2 we cannot call string, exception constructor on sdk < n as it doesn't exist also for those on robolectric:3.4-rc5 you will get an error like this without it. java.lang.nosuchmethoderror: android.content.res.resources$notfoundexception. ljava/lang/string;ljava/lang/exception; v at org.robolectric.android.internal.paralleluniverse.setupapplicationstate paralleluniverse.java:72 at org.robolectric.robolectrictestrunner.beforetest robolectrictestrunner.java:293 at org.robolectric.internal.sandboxtestrunner$2.evaluate sandboxtestrunner.java:222 at org.robolectric.internal.sandboxtestrunner.runchild sandboxtestrunner.java:110" +2808216,"""https://github.com/LOVDnl/LOVD3/issues/274""",let age fields contain ranges,"the age fields are currently set to the following format: /^ <> ?\d{2,3}y \d{2}m \d{2}d ? ? ?\??$/ however, some data would contain 10y-12y, which currently cannot be stored. 11y would currently be the closest match in this case, but would not be correct. allowing the fields to contain a range would solve this. note: check the code that does calculations based on this field, and adapt as necessary." +858627,"""https://github.com/zo0r/react-native-push-notification/issues/472""",simple request: sample gif/static screenshots,"hi, i know this may sound silly, but was wondering if someone could contribute some screenshots for this library?" +3605092,"""https://github.com/numpy/numpy/issues/8532""",np.linalg.norm is ~4x slower than standard library on 2,"array = np.array randint 0,100 , randint 0, 100 with timeit_context 'np' : for i in range 10000 : np.linalg.norm array with timeit_context 'not np' : for i in range 10000 : math.sqrt randint 0,100 2 + randint 0, 100 2 np finished in 50.801 ms not np finished in 13.0641 ms" +4597281,"""https://github.com/hackmdio/hackmd/issues/324""",feature request: toc in reveal.js presentation,currently toc renders a table of contents in hackmd. but in a reveal.js the tag disappears and no table of contents will be rendered. +2420948,"""https://github.com/kaorut/tetengo2/issues/115""",avoid a link error on visual c++ 2017 15.5,which says: fatal error c1083: コンパイラの中間生成物 ファイルを開けません。'c:\data\jenkins\workspace\bobura-windows\bin\release.x64\bobura.ipdb':not enough space c:\data\jenkins\workspace\bobura-windows\bobura\bobura.vcxproj +1862390,"""https://github.com/tnhc-vertnet/tnhc-fish/issues/38""",portal usage statistics are almost back,"thanks to the financial support of the museum of vertebrate zoology at berkeley, we have fixed the issues that were preventing us from logging the vertnet statistics of data use. usage statistics are being collected once again. we are now working on the reporting and visualization of those stats, so that we can bring those back to the natural history collections community in a friendly, useful modality. we expect all of this to be up and running before the end of the year. we apologize for any inconvenience that our data publishers may have experienced as a result of this outage." +1059739,"""https://github.com/ThreatConnect-Inc/threatconnect-python/issues/46""",unable to retrieve security labels from an attribute of an indicator that exists outside of my api user's organization,"steps to reproduce: to replicate this bug, create a host indicator in two different owners, one of which is your current user's organization. next, add a description attribute to the host in each owner with a security label on the attribute it doesn't matter what security label is used . now, run the following code twice, changing the owner variable each time to be the name of each of the owners in which the host indicator exists. ... tc = threatconnect api_access_id, api_secret_key, api_default_org, api_base_url host = owner = indicators = tc.indicators filter1 = indicators.add_filter filter1.add_indicator host filter1.add_owner owner indicators.retrieve for indicator in indicators: indicator.load_attributes for attribute in indicator.attributes: attribute.load_security_labels for security_label in attribute.security_labels: print security_label result: when i follow this procedure, the security label on the indicator's description attribute is only displayed for the indicator in the organization to which my api user belongs. using the api, however, i am able to get the data for the indicator in both owners https://api.threatconnect.com/v2/indicators/hosts//attributes//securitylabels ." +1851578,"""https://github.com/VillageScribeAssociation/awarenet/issues/420""",results of individual poll participant,"hi strix, is there a possibility to retrieve the results for individuals who participated in a poll? the question arose when we thought about a pre-test and a post-test of an awarenet course. thank you, anna" +4391859,"""https://github.com/A5-/Gamerfood_CSGO/issues/91""",any1 fixed tgf rankrevealer?,idk why but it always crashes even with proper sig. any1 did deeply investigated dis? +4484080,"""https://github.com/syl20bnr/spacemacs/issues/8309""",smarter alignment start/end points.,"feature-request it would be nice to have spacemacs/align-repeat method auto select its start and end points if start and end are the same. currently, you have to select a region and then type spc x a , to align. i imagine this would be like tabular where we could search up and down lines to find the valid range." +4622515,"""https://github.com/wunderkraut/radi-project-wundertoolswrapper/issues/27""",cannot install drupal: files folder not writeable,"with the current wrapper, you cannot install drupal as the sites/default/files folder is not writeable by the fpm server." +1039947,"""https://github.com/spinnaker/spinnaker/issues/1630""",gate : redirect url after login is not correct if not terminating ssl at the server,"title gate : redirect url after login is not correct if not terminating ssl at the server cloud provider all? environment aws feature area authentication - google description related to 390 https://github.com/spinnaker/gate/pull/390 the above pr fixed one issue related to this, but there is one more area that is affected. backstory: if terminating ssl at a load balancer elb , gate was not sending back the correct /login url. using preestablishedredirecturi had no affect on the endpoint /auth/redirect would redirect to. now that the /login endpoint is correct, once you've authenticated with google, the /auth/redirect url is incorrect. refreshing the page will get you in, but the clean flow from spinnaker -> google -> spinnaker is broken." +5143302,"""https://github.com/automated-acceptance-tests/skipjaq-artifacts/issues/463""","new model 'model1' added, check for correctness",the new model 'model1' has been generated and stored in this repo. the model may not be correct and some of the request properties could need modification. model file: 'https://github.com/automated-acceptance-tests/skipjaq-artifacts/blob/master/model1-skipjaq-model.yml' +3987436,"""https://github.com/weprovide/valet-plus/issues/63""",xdebug remains enabled after uninstall,"i executed the command valet uninstall to uninstall valet plus. however, xdebug remained enabled even after uninstalling valet plus. i think most users would expect xdebug to be disabled when uninstalling the package." +3201883,"""https://github.com/akabekobeko/electron-release-notes-ja-private-edition/issues/33""",add the v1.7.1,release electron v1.7.1 beta - electron/electron https://github.com/electron/electron/releases/tag/v1.7.1 +587527,"""https://github.com/cu-mkp/GR8975/issues/62""",include doi in output?,would be great if it were available in the summary descriptive info box at the top of the page. this seems to be generated from the header template +1426260,"""https://github.com/selinon/selinon/issues/24""",propagate finished and failed nodes from subflows,let make possible to propagate finished and failed nodes from subflows. this way a user can get information about finished and failed nodes in parent subflow. +2944738,"""https://github.com/darklilium/PO2017_v2/issues/3""",cambiar en estadísticas no definido aún,debe ser cambiado a en construcción +3156450,"""https://github.com/bridgedotnet/Bridge.Newtonsoft.Json/issues/67""",serialised system.uri objects $type field contains incorrect assembly name,"when serialising system.uri objects within a bridge app, the $type field appears to specify that it's apart of the mscorlib assembly rather than the system assembly. here's a repro case: https://deck.net/25654940fc6bd4aa3f033ee8f1f7a723 jsonfrombridge is being serialised / deserialised within the bridge app, meaning that it's able to serialise & deserialise properly. jsonfromcsharp has comes from a c demo app and has the assembly name system , causing the deserialisation to fail as it can't find system.uri in the system assembly." +1916203,"""https://github.com/tidusjar/Ombi/issues/1726""",updater fails to launch custom update script," ombi build version: v 3.0.2367 update branch: open beta operating system: ubuntu 16.04.03 lts ombi applicable logs from /logs/ directory or the admin page : 2017-11-21 11:36:42.795 -06:00 warning failed to process the job '2': an exception occurred. retry attempt 1 of 1 will be performed in 00:00:33. system.nullreferenceexception: object reference not set to an instance of an object. at ombi.schedule.jobs.ombi.ombiautomaticupdater.getargs updatesettings settings in c:\projects\requestplex\src\ombi.schedule\jobs\ombi\ombiautomaticupdater.cs:line 231 at ombi.schedule.jobs.ombi.ombiautomaticupdater.runscript updatesettings settings, string downloadurl in c:\projects\requestplex\src\ombi.schedule\jobs\ombi\ombiautomaticupdater.cs:line 249 at ombi.schedule.jobs.ombi.ombiautomaticupdater.d__18.movenext in c:\projects\requestplex\src\ombi.schedule\jobs\ombi\ombiautomaticupdater.cs:line 218 problem description: ombi automatic updater fails to launch custom update script. reproduction steps: 1. set a custom update script. 2. check for update 3. update 4. ??? 5. profit...i mean fail..." +3466310,"""https://github.com/stakiran/taskmanagement_with_issues/issues/9""",今日 2017/10/31 が締切のタスク,- aaa - x bbb - ccc +3276355,"""https://github.com/jwilm/chatbot/issues/31""",openssl package conflict,"error: native library openssl is being linked to by more than one version of the same pac kage, but it can only be linked once; try updating or pinning your dependencies to ensure t hat this package only shows up once openssl-sys v0.6.7 openssl-sys v0.9.10" +2163776,"""https://github.com/opensagres/xdocreport/issues/238""",velocity 2.0 update,velocity engine 2.0 http://velocity.apache.org/engine/2.0/ was released on august 6th 2017 are there any plans to update the velocity template dependencies to this version? hopefully it would just be a drop in +5001073,"""https://github.com/kangax/fabric.js/issues/3905""",event fire on objects inside group,"version 1.7.7 test case https://jsfiddle.net/v7xyke0p/0 - wrong behaviour https://jsfiddle.net/v7xyke0p/1 - correct behaviour steps to reproduce when i add objects to previous group the new objects don't fire the events, if i add the objects at the same time i create the group it works expected behavior it shoud fire the events on both ways actual behavior it won't fire the event" +3149220,"""https://github.com/WizardFactory/TodayWeather/issues/1759""",android admob package com.google.android.gms.ads.purchase does not exist,"after installing this plugin and try to build the phonegap app on a device with phonegap run android, i get the following error. error: cmd: command failed with exit code 1 error output: path \platforms\android\src\com\appfeel\cordova\admob\admobads.java:64: error: package com.google.android.gms.ads.purchase does not exist import com.google.android.gms.ads.purchase.inapppurchase; ^ 775 791 1556" +3579222,"""https://github.com/studiointeract/accounts-ui/issues/108""",accounts.ui.form incorrectly handles props.classname,"in https://github.com/studiointeract/accounts-ui/blob/master/imports/ui/components/form.jsx l35 this.props.classname looks like it should be applied, along with ready and the default classname, but only the default classname is passed on. jsx const { // ... classname } = this.props; return
this.form = ref} classname={ classname, ready ? ready : null .join ' ' } classname= accounts-ui novalidate >" +4760498,"""https://github.com/mozilla/testpilot/issues/2690""","add graduation reports for activity stream, page shot, pulse, and tab center","filing this for my own tracking. plus, it may be nice to get this assigned into a milestone. currently the following four recently graduated experiments all say: > experiment end date: ⁨7/12/2017⁩ > ... > this experiment has ended > we are working on a full report. check back soon for the details. - https://testpilot.firefox.com/experiments/activity-stream - https://testpilot.firefox.com/experiments/page-shot - https://testpilot.firefox.com/experiments/pulse - https://testpilot.firefox.com/experiments/tab-center once these land in dev or a pr , i can verify the images and html markup and all that stuff." +615948,"""https://github.com/BjerknesClimateDataCentre/QuinCe/issues/556""",calibration data strategy,"run types can be defined as measurement, calibration or ignored. for calibration, we ask which sensor s the calibration is for. when records from those run types are extracted, only extract the relevant column s . for each calibration run type, user can set calibration targets which will be used to set the reference values. reference data for any other sensor can be uploaded at any time. upload a file, specify the date and reference value columns. these will be read into the system and used to adjust the sensor values by co-location in time. data uploaded from these files will be given a dummy run type of the form calib__.. . drop the calibration_date table - all calibration target data will be stored in the dataset_data table. all rows will be referenced by date." +996614,"""https://github.com/resin-os/resinos/issues/174""",include useful debugging and support tools/packages in resinos 2.x,some suggested tools so far: mkfs.ext4 if one needs to reformat data partion arp-scan dig perl nmap to eliminate firewall issues +4133295,"""https://github.com/GothamElections2017/RandomThoughts/issues/1177""",today in history - november 26 https://t.co/xvqehfnjv8,"

+november 26, 2017 at 01:03pm
+via twitter" +44343,"""https://github.com/NVIDIA/DIGITS/issues/1886""",error: error code -11,"hi, i was trying to train detectnet with the complete ms-coco dataset after labeling all bboxes as a single object. after 37 epoches 30 hours map ~7% the training failed and stopped with error: error code -11. i am using digits, 4 titan x gpu's, batch size 20 640 640 , and googlenet as a pretrained model following this guide https://github.com/dusty-nv/jetson-inference . am i missing something or doing something the wrong way? will this error always occur and how to avoid it? thanks" +475819,"""https://github.com/cosmocode/dokuwiki-plugin-struct/issues/337""",struct header not showing up on pages created by bureaucracy template,a page created using bureaucracy template with some struct data doesn't display default struct header created by action_plugin_struct_output . the header becomes visible after next page revision. +3689414,"""https://github.com/chef/bento/issues/750""",is there a way to find currently supported vagrant/virtualbox combination?,"hello, this is a question only. every time i upgrade my bento box, i search around in the issues to see if i can find a working vagrant and virtualbox combination. is there an easier way to do this? maybe the versions are locked down somewhere in the testing code? i think i can derive the virtualbox version via the version of guest additions installed. thanks for any insights and feel free to close this issue whenever it suites you. cheers!" +1880220,"""https://github.com/expo/expo/issues/312""",errors when upgrading to expo sdk v18.0.0,"this photo displays my first error after following the steps in this guide. i decided to follow the rabbit hole and dragged the ‘glyphmaps’ folder from the ‘node_modules/react-native-vector-icons’ directory to ‘@expo/vector-icons’. screen the error went away, but another ‘@expo/vector-icons’ error showed up. so, i decided to copy the entire ‘node_modules/react-native-vector-icons’ directory to ‘@expo/vector-icons’. the ‘@expo/vector-icons’ based errors went away, but then i got an error that read “element type is invalid: expected a string for built in components or a class/function for composite components but got: undefined”. i read on the forums that native-base was the issue for some people, but my app uses so many native-base modules that i would have to scrap the app i cannot. this is an app for work that needs to work for my livelihood. please! i need help fixing these errors." +3438696,"""https://github.com/avsm/mirage-ci/issues/4""",opensuse 42.2 images are flaky/broken,"the which command shows the full pathname of a specified program, if the specified program is in your path. package zlib-devel is not installed the following new os packages need to be installed: gmp-devel m4 ncurses-devel perl-pod-html zlib-devel the following command needs to be run through sudo : yum -y update redirecting to '/usr/bin/dnf -y update' see 'man yum2dnf' error: failed to synchronize cache for repo 'updates' os package update failed" +1051813,"""https://github.com/unaio/una/issues/949""",notifications: delete notifications about timeline posts when profile was removed with content.,action is timeline_post_common subobject_id is poster id +4138259,"""https://github.com/vaadin/framework/issues/9956""",nativeselect appearance remains the same when disabled.,"on nativeselect https://vaadin.com/api/8.1.3/com/vaadin/ui/nativeselect.html widget, both definitions of the setenabled method: - com.vaadin.ui.abstractcomponent::setenabled https://vaadin.com/api/8.1.3/com/vaadin/ui/abstractcomponent.html setenabled-boolean- - com.vaadin.ui.interface component https://vaadin.com/api/8.1.3/com/vaadin/ui/component.html setenabled-boolean- …promise: >… the user can not interact with disabled components, which are shown with a style that indicates the status, usually shaded in light gray color. … neither promise is fulfilled for nativeselect::setenabled false . 1 the user can interact, can click on the widget to pop-up the menu to display its items, and can choose an item. the widget does not react to the selection, does not generate an event, but nonetheless is confusing to the user and seems to violate the promise of the interface. the workaround is to call nativeselect::setreadonly true . 2 the visual appearance fails to change. there is no style to indicate the status of being unavailable, no shading in light gray color nor any other visual hint. this is especially confusing because of this widget claiming to be a native html component. the select html object is defined to have a disable attribute in both old html as well as html5. this attribute has both effects i need: alter display, and make un-clickable. see this explanation https://www.w3schools.com/tags/att_select_disabled.asp and this demo https://www.w3schools.com/tags/tryit.asp?filename=tryhtml_select_disabled of the html select widget being disabled." +3145513,"""https://github.com/OrchardCMS/Orchard/issues/7649""",text.lineencode token won't necessarily use the client's newline style,"the text.lineencode token changes newline characters to html linebreaks, and replaces environment.newline to do so. however while environment.newline will return \r on windows systems the line break characters actually saved to the db or submitted via a form, etc. aren't necessarily windows-style, thus line breaks aren't always added. particularly it seems that a form submitted via chrome on a windows machine will use line endings. one option would be to replace \r with
, then try and \r separately too." +1882303,"""https://github.com/Seldaek/monolog/issues/925""",lineformatter outputs instead of new line,"monolog v1.22.0 on php php 7.0.8-0ubuntu0.16.04.3 not sure where i'm going wrong. even the simplest case of running the following in the php -a cli interpreter: php function throwexception \monolog\logger $logger { $e = new exception test exception ; $logger->error exception logged , $e ; } $logger = new \monolog\logger default ; $handler = new \monolog\handler\streamhandler php://stdout , \monolog\logger::debug ; $formatter = new \monolog\formatter\lineformatter ; $formatter->includestacktraces true ; $handler->setformatter $formatter ; $logger->pushhandler $handler ; throwexception $logger ; outputs everything on one line as follows: 2017-02-16 16:58:49 default.error: exception logged object exception code: 0 : test exception at php shell code:3 stacktrace 0 php shell code 1 : throwexception object monolog\\logger 1 {main}" +2531692,"""https://github.com/OP-TEE/optee_os/issues/1726""",purpose of thread_excp_foreign_intr checking in source,"hi there, i am reading the code and found there would be checking of : assert thread_get_exceptions & thread_excp_foreign_intr ; in thread_kernel_save_vfp and thread_user_save_vfp ; i want to know the purpose of this code, does it mean that source needs to make sure vfp saving is only done while foreign_intr comes? how about svc syscall of ta /abort page fault occurred ? thanks for your kindly reply. -ken" +5086779,"""https://github.com/NextThought/nti.externalization/issues/43""",stop subclassing persistentpropertyholder,"the datastructures in nti.externalization.persistent subclass nti.zodb.persistentproperty.persistentpropertyholder . i don't see a very good reason for them to do that: they are containers, and as such really shouldn't typically have their own properties, just contained objects. i didn't find anything in our internal code what i have checked out anyway that actually uses them, except for nti.dublincore.datastructures, which subclasses one of them: but it subclasses persistentpropertyholder in another indirect way anyway! not that i could find where that new datastructure was being used . can we make them stop doing this? not only would that let us drop our dependency on nti.zodb, it would also potentially make these objects faster the shorter the mro, the faster it is to find---or fail to find---attributes . of course, nti.dublincore is monkey-patching them again, so that really is a theoretical benefit." +3966923,"""https://github.com/nagios-plugins/nagios-plugins/issues/287""",check_snmp returns ok for missing oid,if you request checking of a specific oid which is not implemented the check returns ok instead of critical. snmp ok - no such instance currently exists at this oid +873477,"""https://github.com/openshiftio/openshift.io/issues/366""",forge: cannot read property 'type' of undefined,on a fully fresh new user i ran quickstart with vert-x basic and clicked finish. got this error presented to me: executeforgecommanderror the forge-quick-start :: execute :: 1 command failed or only partially succeeded name forgeapiclientexceptionerror origin fabric8forgeservice message an unexpected error occurred while consuming the http response returned from the server inner inner message cannot read property 'type' of undefined stack typeerror: cannot read property 'type' of undefined at fabric8forgeservice.handleerror https://openshift.io/_assets/lib/main.4c821b88e4eda0082749.bundle.js:1:1244869 at catchsubscriber.selector https://openshift.io/_assets/lib/main.4c821b88e4eda0082749.bundle.js:1:1247325 at catchsubscriber.error https://openshift.io/_assets/lib/vendor.e5832f3571174965bc9b.bundle.js:1:598655 at mapsubscriber.subscriber._error https://openshift.io/_assets/lib/vendor.e5832f3571174965bc9b.bundle.js:1:194997 at mapsubscriber.subscriber.error https://openshift.io/_assets/lib/vendor.e5832f3571174965bc9b.bundle.js:1:194655 at xmlhttprequest.a https://openshift.io/_assets/lib/main.4c821b88e4eda0082749.bundle.js:1:184367 at zonedelegate.invoketask https://openshift.io/_assets/lib/polyfills.f49acb8aeb061f0c40eb.bundle.js:1:64847 at object.oninvoketask https://openshift.io/_assets/lib/vendor.e5832f3571174965bc9b.bundle.js:1:93135 at zonedelegate.invoketask https://openshift.io/_assets/lib/polyfills.f49acb8aeb061f0c40eb.bundle.js:1:64768 at zone.runtask https://openshift.io/_assets/lib/polyfills.f49acb8aeb061f0c40eb.bundle.js:1:59621 at xmlhttprequest.zonetask.invoke https://openshift.io/_assets/lib/polyfills.f49acb8aeb061f0c40eb.bundle.js:1:65855 status 500 ok false statustext internal server error headers type 2 url https://forge.api.openshift.io/forge/commands/fabric8-new-project/execute +5120782,"""https://github.com/andyjko/cooperative-software-development/issues/5""",cite paper on scalability of maintenance work,"on the scalability of linux kernel maintainers' work minghui zhou, qingying chen, audris mockus, and fengguang wu" +617955,"""https://github.com/QuantifyingUncertainty/GeneralizedMetropolisHastings.jl/issues/2""",error tagging new release,"the tag name v0.2 is not of the appropriate semver form vx.y.z . +cc: @krisdm" +1917405,"""https://github.com/Azure/azure-webjobs-sdk-script/issues/1541""",add datatype property to function.json schema,"for javascript, the datatype property is used to specify whether to do binary encoding, but this value is not in the json schema for function.json." +3167183,"""https://github.com/CleverRaven/Cataclysm-DDA/issues/21861""",split extraction of body parts singular and plural names for better translation,"currently they are treated as one entry in generated .pot file. : lang/json/bodypart_from_json.py src/armor_layers.cpp msgid r. foot msgid_plural feet i dont know how to make transifex accept two different translation, so we might as well split them into two entries." +1786078,"""https://github.com/selem1/loginFormAngular2/issues/1""",can u please resolve these errors,error in default /home/nitish/web_components/loginformangular2/node_modules/@types/jasmine/index.d.ts:39:37 a parameter initializer is only allowed in a function or constructor implementation. error in default /home/nitish/web_components/loginformangular2/node_modules/@types/jasmine/index.d.ts:39:45 cannot find name 'keyof'. error in default /home/nitish/web_components/loginformangular2/node_modules/@types/jasmine/index.d.ts:39:51 '=' expected. error in default /home/nitish/web_components/loginformangular2/src/app/login/loginservice/authenticate.service.ts:24:35 argument of type 'usercomponent' is not assignable to parameter of type 'string'. +5260355,"""https://github.com/ionic-team/ionic-site/issues/1254""",hamburger menu in docs doesn't work in firefox mobile for android,ionicframework.com/docs none of the hamburger menu in the ionicframework.com/docs/api or ionicframework.com/docs works as it should on firefox for android. a list of links don't appear like it does on desktop. +4622854,"""https://github.com/grails-guides/gorm-without-grails/issues/2""",compile with jdk7 sourcecompatibility = 1.7 fails,"i started with gradle build then i got the message: unsupported major.minor version 52.0 i set sourcecompatibility = 1.7 in both initial/build.gradle and complete/build.gradle then gradle build again, i got this error: demo.applicationtests > contextloads failed java.lang.illegalstateexception caused by: org.springframework.beans.factory.unsatisfieddependencyexcept ion caused by: org.springframework.beans.factory.unsatisfieddependencyex ception caused by: org.springframework.beans.factory.beancreationexcepti on caused by: org.springframework.beans.beaninstantiationexcept ion caused by: java.lang.verifyerror 1 test completed, 1 failed :complete:test failed failure: build failed with an exception. looks the build is ok, is this related to test, what about unsatisfieddependencyexcept exception ?" +3171055,"""https://github.com/hmgaudecker/econ-python-environment/issues/4""",add note to docs that path to anaconda installation must not have any spaces in it,"otherwise waf will be broken. seems to be done automatically by recent versions of anaconda, just to be sure. add screenshots." +829695,"""https://github.com/livepeer/protocol/issues/104""",support for updating number of transcoders,"regardless of whether this is only done through protocol updates/contract deploys, or can be set via a transaction, we need support in the data structures to resize as we want to add more active transcoders to the protocol. this has to be addressed before launch, or else upgrade paths will be complex." +2763393,"""https://github.com/raspberrypi/linux/issues/2112""",kernel bug in ext4/mballoc,"hi! i am running raspbian stretch on a raspberry pi 2b rev 1.1. it currently uses the following kernel: 4.9.28-v7+ 998 smp mon may 15 16:55:39 bst 2017 armv7l gnu/linux today, i had curl a cron job runs curl in order to update my dyndns service triggering a kernel bug unable to handle kernel null pointer dereference at virtual address 00000044 . when curl ran again, it triggered a kernel bug in ext4-fs kernel bug at fs/ext4/mballoc.c:3988 . kernel_bug.txt https://github.com/raspberrypi/linux/files/1142190/kernel_bug.txt feel free to ask me for more information if anything is missing! mathias" +1195300,"""https://github.com/SublimeHaskell/SublimeHaskell/issues/341""",gitter mark/popup precedence,"hi! i am having troubles with gutter marks and popups precedence. as you can see in the screenshot, the mark comes from gitgutter, but the popup comes from sublimehaskell: ! hover https://user-images.githubusercontent.com/6421233/27856260-db5844ca-616d-11e7-9c9e-80ba34b6f2ee.png i found the protected regions setting for gitgutter, which allows me to prefer gutter marks from other plugins, but in order to use it, i need the name of the region used by sublimehaskell for its gutter marks. i did not find this name by grepping the source code. i'll be glad to hear about all suggestions on how to fix mark/popup precedence. or the name of the gutter region= cheers" +2000665,"""https://github.com/analogdevicesinc/plutosdr-fw/issues/5""","wiki - end users -> rf output link, block diagram used","link: https://wiki.analog.com/university/tools/pluto/users/transmit https://wiki.analog.com/university/tools/pluto/users/transmit pdf: adalm-pluto transmit analog devices wiki .pdf https://github.com/analogdevicesinc/plutosdr-fw/files/1090113/adalm-pluto.transmit.analog.devices.wiki.pdf - in this page, the block diagram used is for ad9361 and not ad9363. -> page 2 - following performance section link -> page 2 the page has now content aside from the headings. however, content is only for “data throughput usb ” heading. there are no contents under receiver and transmitter." +4089917,"""https://github.com/apostrophecms/apostrophe/issues/1165""",divs of adminbar misses spaces between attributes,
tags
global
so e.g.: class= apos-admin-bar-item-inner data-apos-admin-bar-item= apostrophe-tags +3873001,"""https://github.com/opencaching/opencaching-pl/issues/1115""",error in badges calculation ?,"from mail to ocpl team: > > chciałbym zgłosić zapewne już o nim wiecie błąd w przyznawaniu oznak tropicieli. mianowicie, posiadam na swoim profilu odznakę tropiciel podlaski, mimo iż nigdy nie byłem i nie szukałem keszy w tym rejonie. najprawdopodobniej błąd jest związany z przeniesieniem jednego z mobilniaków, którego zaliczyłem w woj. dolnośląskim. warto rozważyć inny model naliczania odznak dla mobilniaków lub ich wyłączenie z systemu odznak. > > dzięki za wysłuchanie, > viajero71 > https://opencaching.pl/viewprofile.php?userid=83320" +1548592,"""https://github.com/messagetemplates/messagetemplates-fsharp/issues/24""",only destructure once consider capture symbol when capturepositionals ?,"fsharp type user = { id : int name : string created : datetime } with interface iformattable with member x.tostring format, provider = sprintf id => %i, name => %s, created => %a x.id x.name x.created.toshortdatestring let foo = { id = 999; name = foo ; created = datetime.now} let nl = environment.newline + environment.newline formatting.format parser.parse {0} {1} {$0} {1} {@0} | foo; nl | output: bash > formatting.format parser.parse {0} {1} {$0} {1} {@0} | foo; nl | val it : string = {id = 999; name = \ foo\ ; created = 11/3/2017 7:54:35 pm;} {id = 999; name = \ foo\ ; created = 11/3/2017 7:54:35 pm;} {id = 999; name = \ foo\ ; created = 11/3/2017 7:54:35 pm;}" +2544901,"""https://github.com/raoulvdberge/refinedstorage/issues/929""",looking at a bugged drive causes a kick from the server.,"issue description: skyblock 3.0.6 what happens: when looking at a refined storage drive on a server you will crash out. what you expected to happen: not crash steps to reproduce: 1. set multiple drives 2. put in some disks into one 3. look at them ... version make sure you are on the latest version before reporting : - minecraft: 1.10.2 - forge: 12.18.3.2215 - refined storage: does this issue occur on a server? yes/no yes if a crash log is relevant for this issue, link it here: https://u.nya.is/uldukh.log" +2594176,"""https://github.com/appium/appium/issues/8327""","adb: stop: must be root; can't launch tests on android 7.0, part 2","the problem when using appium 1.6.3 and 1.6.4 to test android n devices, i have the same failure messages as reported in https://github.com/appium/appium/issues/6894 environment problem shows up in appium version 1.6.3 macos 10.10.5 node v7.6.0 device: samsung gs7, android 7.0. details if necessary, describe the problem you have been experiencing in more detail. link to appium logs https://gist.github.com/willosser/fe7bbfb39534e1845b5895ae3564e5cf code to reproduce issue good to have starting up driver instance is enough to cause this issue." +3732096,"""https://github.com/tdewolff/minify/issues/151""",i get error,cannot find package github.com/tdewolff/buffer in any of: +4053824,"""https://github.com/leoimoli/Testing/issues/62""","examenonline/v2.0/backend, alta de preguntas.","cuando la pregunta es de 2 respuestas, si bien se carga con éxitos los campos respuestas no estarían refrescando. ! image https://user-images.githubusercontent.com/27014552/29120139-5fdce034-7cdf-11e7-9457-b416408f3ac0.png si luego voy a cargar otra pregunta con 3 respuestas con éxito y luego volvemos a cargar otra con 2 volvemos a observar que siguen los campos cargados 2 respuestas... en caso de olvidar completar un campo obligatorio, si tenes una imagen cargada te la borra y tenes que volver a seleccionar la imagen..." +2866048,"""https://github.com/nicehash/NiceHashMiner/issues/735""",ethmimer doesn't work with gtx1070,it stops working even at benchmark after a few seconds. +3425935,"""https://github.com/GingerCode/Ejercicios/issues/1""",la var i en bucle no se muestra bien,"//esto es lo que metemos en ginger ginger repetir 100 @num = @num + 1 si @num % 2 == 0 mostrar @num //esto es lo que me convierte en panel de javascript javascript for var $=0;$<100;$++ { } num = num + 1; if num % 2 == 0 { } console.log num ; - y evidentemente no sale, lo que quiero cuando le doy a probar es que me devuelva los números pares del 1 al 100, la var i la pone con $ y yo pretendo declarar i con @num y se supone que el bucle for debería de salir como: for var i = 0; i < 100; i++" +1278699,"""https://github.com/universAAL/ui/issues/78""",gforge placeholder - trackeritem 78,_this issue is a placeholder to maintain synchronization with imported gforge trackeritem ids._ +4225277,"""https://github.com/CueMol/cuemol2/issues/136""",gpu_mapmesh render does not support transparency and line width properties.,gpu_mapmesh render does not support transparency and line width properties. +3033476,"""https://github.com/gui365/f1-3-c2p1-colmar-academy/issues/1""",lets make class names a little bit more meaningful,"so example here is we have a few like this
these don't seem to fit the content, consider doing something more like this.
when correcting your own code, class names like this make it easier to reference what you are working with instead of thinking about what menu1 vs menu2" +327518,"""https://github.com/dart-lang/pub-dartlang-dart/issues/451""",weird sorting w/ pkg/angular w/ latest search,deployed search @ 6a5ced8 – https://20171019t120511-dot-search-dot-dartlang-pub.appspot.com/ no search https://20171019t120511-dot-search-dot-dartlang-pub.appspot.com/search? –  angular comes up as the most popular package. awesome. actually search for angular https://20171019t120511-dot-search-dot-dartlang-pub.appspot.com/search?q=angular –  angular_ui comes up first weird! +2738415,"""https://github.com/daschl/grok/issues/7""",do proper error handling,"no unwrap or expect in code, proper result and/or option return types with meaningful errors and tested" +402185,"""https://github.com/ElektraInitiative/libelektra/issues/1735""",api compatibility: make elektraarrayvalidatename public,"for my type system i came to the requirement that i need to detect whether a key is an array key or not. as this functionality already seems to be provided by kdbease as int elektraarrayvalidatename const key key , but marked as internal and thus not in the header. i'd make this function public instead so i can add bindings for it and use it in haskell instead of reimplementing this myself. or is there an easier reliable way of determining whether a given key corresponds to the array syntax?" +3279587,"""https://github.com/lstjsuperman/fabric/issues/5934""",userservice.java line 97,in com.immomo.momo.service.user.userservice.getinstance number of crashes: 1 impacted devices: 1 there's a lot more information about this crash on crashlytics.com: https://fabric.io/momo6/android/apps/com.immomo.momo/issues/598519e7be077a4dcc9fd36c?utm_medium=service_hooks-github&utm_source=issue_impact https://fabric.io/momo6/android/apps/com.immomo.momo/issues/598519e7be077a4dcc9fd36c?utm_medium=service_hooks-github&utm_source=issue_impact +3605906,"""https://github.com/pennmem/ptsa_new/issues/13""",resampling appears to be very slow and memory intensive,> with standard 1.6 sec windows and 1.0 second buffers -- failing entirely on some subjects due to memory constraints. resampling time appears to grow very rapidly with increasing windows. +4445979,"""https://github.com/numpy/numpy/issues/8985""",nanmax does not work with groups,"the code to reproduce import numpy as np import pandas as pd df = pd.dataframe { 'data' : np.arange 10 , 'label' : list 'a' 4+'b' 6 } df.groupby 'label' 'data' .apply np.nanmax i expected the last line to work the same as df.groupby 'label' 'data' .apply np.max . regards" +1207537,"""https://github.com/GetmeUK/ContentTools/issues/412""",identify dom element by class,"my intention is to add the bootstrap grid as elements to the tool shelf. here we got three divs with another class: .container .row, and .col's. how can i decide between them?" +2118800,"""https://github.com/visiblevc/wordpress-starter/issues/77""",it should be possible to specify the version of themes and plugins installed from wordpress.org,"there's a very good reason why most package managers out there e.g. npm, composer, docker hub make it a good practice of explicitly specifying the version of dependencies: that's because newer versions of dependencies can and often will break your project. wp-cli makes it possible to specify theme and plugin versions. wordpress starter should not become a dependency manager, but being able to use this feature would be a welcome addition to the tool i believe. i'm willing to send a pr :-" +2807761,"""https://github.com/prisms-center/CASMcode/issues/62""",install casm on supercomputer,from a user: > i have installed the casm code in my local machine. i could successfully proceed till the third step generating configuration . since i dont have vasp in my local system vasp is installed in supercomputer i am unable to calculate configuration properties. is there any other way to use casm code from my local machine to run vasp calculations in super computer? +2818874,"""https://github.com/mhacks/mhacks-web/issues/85""",get links to learning material,links to learning material on subjects: - ios - android - node - django - flask - docker - react - angular - html/css +1730055,"""https://github.com/KrassOrg/bsTestRepo/issues/3442""",ios-8636: test report bugsee,"this report was send from code reported by g +view full bugsee session at: https://appdev.bugsee.com/ /apps/ios/issues/ios-8636" +518244,"""https://github.com/cocos-creator/engine/issues/2104""",web can't download profile picture from facebook graph api with cc.texturecache.addimageasync,"if you just pass link, it fails to understand that it is image that you are trying to download and downloads it as text. if you pass object with {url: url, type: 'image'}, it fails to reference image back from texture cache, because it mixes up string with object. here is our current patch for cctexturecache.js: var texture2d = cc.texture2d; cc.texturecache.addimage = function url, cb, target { cc.assertid url, 3112 ; var _url = typeof url === 'object' ? url.url : url; var loctexs = this._textures; //remove judge webgl if !cc.game._rendererinitialized { loctexs = this._loadedtexturesbefore; } var tex = loctexs _url ; if tex { if tex.isloaded { cb && cb.call target, tex ; return tex; } else { tex.once load , function { cb && cb.call target, tex ; }, target ; return tex; } } tex = loctexs _url = new texture2d ; tex.url = _url; cc.loader.load url, function err, texture { if err { return cb && cb.call target, err || new error 'unknown error' ; } cc.texturecache.handleloadedtexture url ; cb && cb.call target, tex ; } ; return tex; }; cc.texturecache.addimageasync = cc.texturecache.addimage;" +73878,"""https://github.com/marianeagu/SE/issues/2""",devoir 3 - 06.04.2017 62,j'ai implémenté un service de type chat/discussion en ligne où deux ou plusieurs personnes peuvent échanger des messages text en temps réel en partant du code de td3 - serveur et td3 - client. +269852,"""https://github.com/bavc/signalserver/issues/221""",design - 'new rule' button looks cramped,"! screenshot from 2017-04-12 21-58-37 https://cloud.githubusercontent.com/assets/1127102/24979215/4f7890b0-1fcb-11e7-83e3-4cb2f51b53c1.png i'm on chrome on ubuntu., not sure how it appears on other browsers, but it looks like 'new rule' could be moved up a bit?" +4670057,"""https://github.com/quipucords/rho/issues/128""",enable rho to scan rhel 5 target systems with raw tasks,current scanner is hitting different bash issues with regex support. this issue will clean up the regex support issues and make sure task execution only occurs when necessary i.e. when a fact is being requested . +95042,"""https://github.com/edomora97/GAL-cheatsheet/issues/2""",controllare se è corretto,"https://github.com/edomora97/gal-cheatsheet/blob/master/teoria/2.quadriche.tex l62 non sono sicuro che per essere un cilindro iperbolico x^tax debba essere semidefinita, per esempio: 2x^2+y^2+2z^2-2xy+2yz+4x-2y=0 ha autovalori 2, 3, 0 quindi è semipositiva ma è un cilindro ellittico." +3411248,"""https://github.com/kubernetes-incubator/service-catalog/issues/784""",e2e framework fails when run on gke,"trying to run the new bin/e2e.test suite on gke, i get the following logs: running suite: service catalog e2e suite ======================================== random seed: 1493674459 - will randomize all specs will run 1 of 1 specs service-catalog broker should become ready /go/src/github.com/kubernetes-incubator/service-catalog/test/e2e/broker.go:135 beforeeach service-catalog broker /go/src/github.com/kubernetes-incubator/service-catalog/test/e2e/framework/framework.go:53 step: creating a kubernetes client may 1 14:34:19.008: info: >>> config: /usr/local/google/home/mkibbe/go/src/github.com/kubernetes-incubator/service-catalog/kubeconfig aftereach service-catalog broker /go/src/github.com/kubernetes-incubator/service-catalog/test/e2e/framework/framework.go:54 aftereach service-catalog broker /go/src/github.com/kubernetes-incubator/service-catalog/test/e2e/broker.go:117 step: deleting the user broker pod • failure in spec setup beforeeach 0.007 seconds service-catalog broker /go/src/github.com/kubernetes-incubator/service-catalog/test/e2e/framework/framework.go:89 should become ready beforeeach /go/src/github.com/kubernetes-incubator/service-catalog/test/e2e/broker.go:135 expected error: < errors.errorstring | 0xc420399910>: { s: no auth provider found for name \ gcp\ , } no auth provider found for name gcp not to have occurred /go/src/github.com/kubernetes-incubator/service-catalog/test/e2e/framework/framework.go:67 ------------------------------ summarizing 1 failure: fail service-catalog broker beforeeach should become ready /go/src/github.com/kubernetes-incubator/service-catalog/test/e2e/framework/framework.go:67 ran 1 of 1 specs in 0.008 seconds fail! -- 0 passed | 1 failed | 0 pending | 0 skipped --- fail: teste2e 0.01s fail" +231758,"""https://github.com/githubschool/github-games-devblok/issues/2""",url in description and readme broken,the url in the repository description and the one in the readme are pointing to githubschool's copy of the game instead of yours. please fix both so they point to your copy of the game at https://githubschool.github.io/github-games-devblok +2931876,"""https://github.com/nsqatester/NCGitIntegrationTest/issues/176""",vulnerability - out-of-date version php,vulnerability details url: http://php.testsparker.com/ certainty: 90% confirmed: false identified version : 5.2.6 latest version : 7.1.11 vulnerability database : result is based on 12/12/2017 vulnerability database content. +2713428,"""https://github.com/GameServerManagers/LinuxGSM/issues/1471""",steamcmd update hangs,when i try to update any servers as of lately it just hangs at this message logging in user '' to steam public... not sure what could be going wrong. any additional information you would need just ask! +4035059,"""https://github.com/trufont/trufont/issues/387""",glyph tab should always show the glyph name,"currently it seems if the glyph has a unicode value the character is shown, but i think the glyph name is still important and should always be shown. i suggest always showing the glyph name, then the character in brackets if present, e.g. “uni0640 ـ ”, or something like that." +567155,"""https://github.com/Construktion/Construktion/issues/41""",debug log to console,as part of the debuggingcontruktion log code to console as it's running. +153358,"""https://github.com/memloapp/memloAPI/issues/3""",finalized schema documentation,we need to finalize the schema of the app to reflect all features requested in 1 +2663479,"""https://github.com/kwhite/badcamp-zenhub/issues/105""","as a/an anonymous user, i want to learn about posting jobs as a sponsor and contact the sponsorship person so that i have the opportunty to post my job listing on the badcamp site.","story id: 22 notes acceptance criteria +job listing is gated; non-sponsors are prompted to contact badcamp administration to become a sponsor" +2759820,"""https://github.com/bigbrush/yii2-tinypng/issues/4""",couldn't use the extension,"hello there, what is the use class for the extension i have tried use bigbrush\tinypng , use bigbrush\tinypng; ..both not working" +2460510,"""https://github.com/goadesign/examples/issues/23""",appengine example : unable to use make commond,"hi , i am using windows and installed google sdk and get this appengine example folder to src folder, in makefile , i have mentioned the path which is in src folder > repo:=examples-master/appengine then i have run the below command and getting error > make example error: 'make' is not recognized as an internal or external command, operable program or batch file." +2812197,"""https://github.com/WoltersKluwerPL/ng-spin-kit/issues/42""",system.js configuration fails,"start of angular 2 application results in a zoneawareerror node_modules/ng2-spin-kit/dist/app/spinner/wave.js . my system.config.js configuration: map: { 'ng2-spin-kit': 'npm:ng2-spin-kit/dist', ... }, packages: { 'ng2-spin-kit': { main: './main.js', defaultextension: 'js' }, ... } i understand the error, because the directory ng2-spin-kit/dist/app does not exist. i have made a quick and dirty work-around, creating a symbolic link app inside ng2-spin-kit/dist . now angular 2 application starts as desired with spinner working. but that is not a good solution. i also want to avoid dynamic typescript transpilation on client side. my question: how i can configure system.config.js to use ng2-spin-kit/dist when asking for app ?" +3725927,"""https://github.com/LesDrones/Drone/issues/6452""",actualités google supprime youtube de deux appareils d'amazon - informaticien.be https://t.co/eptun8r7xz actu drone,"
+
+december 08, 2017 at 03:33am
" +4807203,"""https://github.com/hofmannsven/cleverreach-extension/issues/14""",no ssl support?,so while using the shortcode instead of copying the embed code from the cleverreach website i've hit a snag with a mixed content error on my https wordpress page. the problem is that the shortcode itself does not support an ssl encryption option. until this is fixed sadly my webpage will remain insecure. +3383990,"""https://github.com/jfc3/atehere/issues/235""",add bub and pops to dca json file,need to add bub and pops to dca json file. +1741164,"""https://github.com/signal11/hidapi/issues/325""",hidraw testgui not connecting,"i am trying to get a few hid peripherals to work with this library and my linux box generally . after having some trouble, i decided to try out the testgui to see if i could do some baseline tests. the libusb version of the testgui works just fine, i can enumerate and connect to the devices i'm working with. using the hidraw version, i cannot. the devices are listed but clicking connect throws an error. unfortunately the error is not very descriptive, just something to the effect of 'unable to connect' thanks to a previous ticket, @signal11 helped me figure out how to add udev rules and whatnot. also thanks to @signal1, i noticed that one of the devices, a symbol barcode scanner, has the hid_quirk_noget http://lxr.free-electrons.com/source/drivers/hid/usbhid/hid-quirks.c l137 flag set for it. i assume that means i'll have to write some code for it but i'm not quite sure what i'll have to do just yet. in any case, the other device i am using behaves the same way but does not have any flags set." +1756227,"""https://github.com/CobraLab/documentation/issues/4""",old civet python info anaconda,"in the old civet wiki we wrote that we need to load anaconda , but now we just need to load python . loading anaconda 2 or 3 will create a conflict with python 2.7.2." +4411399,"""https://github.com/daeks/RetroPie-WebGui/issues/10""","relations duplicates, related",- find related games based on genre for example - find duplicates +1731570,"""https://github.com/Crypto-Expert/stratum-mining/issues/375""",no module named lib.settings,"i have check that i have all the dependencies and i still get this error no module named lib.settings unhandled error traceback most recent call last : file /usr/local/lib/python2.7/dist-packages/twisted-17.5.0-py2.7-linux-x86_64.egg/twisted/application/app.py , line 662, in run runapp config file /usr/local/lib/python2.7/dist-packages/twisted-17.5.0-py2.7-linux-x86_64.egg/twisted/scripts/twistd.py , line 25, in runapp _someapplicationrunner config .run file /usr/local/lib/python2.7/dist-packages/twisted-17.5.0-py2.7-linux-x86_64.egg/twisted/application/app.py , line 380, in run self.application = self.createorgetapplication file /usr/local/lib/python2.7/dist-packages/twisted-17.5.0-py2.7-linux-x86_64.egg/twisted/application/app.py , line 445, in createorgetapplication application = getapplication self.config, passphrase --- --- file /usr/local/lib/python2.7/dist-packages/twisted-17.5.0-py2.7-linux-x86_64.egg/twisted/application/app.py , line 456, in getapplication application = service.loadapplication filename, style, passphrase file /usr/local/lib/python2.7/dist-packages/twisted-17.5.0-py2.7-linux-x86_64.egg/twisted/application/service.py , line 412, in loadapplication application = sob.loadvaluefromfile filename, 'application' file /usr/local/lib/python2.7/dist-packages/twisted-17.5.0-py2.7-linux-x86_64.egg/twisted/persisted/sob.py , line 177, in loadvaluefromfile eval codeobj, d, d file launcher.tac , line 15, in import lib.settings as settings exceptions.importerror: no module named lib.settings failed to load application: no module named lib.settings" +787752,"""https://github.com/lizzieinvancouver/ospree/issues/114""",we talked about deleting multibothresp,but we never did. i am okay with this. everyone else? +3545297,"""https://github.com/JacquesLucke/animation_nodes/issues/648""",use modifiers for mesh and spline object input.,"when using spline as input, it should be possible to get the modified result, for example if spline is deformed using hooks. the same would be good for mesh if displacement or other modifiers are used. now it's not possible and that is very limiting. ! screenshot 5 https://cloud.githubusercontent.com/assets/17803543/21630201/bdb0d876-d237-11e6-8bbd-6b1287d4c623.jpg" +1502534,"""https://github.com/nightwatchjs/nightwatch/issues/1593""",no error provided when a command scheduled from a hook fails,"to reproduce please try to run this simple mocha test in nightwatch: 'use strict'; describe 'test', => { before client, done => { client.perform => { throw new error 'error in perform scheduled from before hook' ; } ; client.perform => done ; } ; it 'testing', browser => { browser.end ; } ; } ; nightwatch process fails with following error: fatal error: cannot read property 'name' of undefined there's nothing more, no stacktrace no notion of the original problem that caused this. the problem seems to be in the code of lib/api/client-commands/end.js at lines 32 and 33 which assumes client.api.currenttest object always exist. however this is not true if the code is triggered from a test hook. the expected behaviour would be: 1. no internal error in the end.js code, 2. the actual error with stacktrace is provided. in this case it would give user error: error in perform scheduled from before hook at f.client.perform /users/marek/repository/mcs_buf/breeze/vbcs-client/tests/functional/platform/test.js:5:19 at f.perform.command /users/marek/repository/mcs_buf/breeze/vbcs-client/node_modules/nightwatch/lib/api/client-commands/perform.js:58:14 ..." +4700696,"""https://github.com/intentor/adic/issues/90""",binding to a unityui object caused recttransform to bind too,i have observed that binding a gameobject that has a recttransform to it as a transform will cause a binding to be made to recttransform as well: this.addcontainer maincontainer .registerextension .bind .togameobject sectorpanel .as sectorpanel will result in: ! image https://cloud.githubusercontent.com/assets/275276/26752837/793ce7d2-488b-11e7-854f-5b90634aa8eb.png +3652983,"""https://github.com/miguelalba/PMM-Lab/issues/101""",adapt microbial data reader for reading delta-marked time series,delta marked time series find out the ratio between time series that are imported and time series that are dropped and make sure that the dropped time series are in fact empty. +2215348,"""https://github.com/caarlos0/shcheck/issues/4""",check executables as well,"right now it is only looking into . sh files, but not executable files without extensions which can also be shell scripts" +1947750,"""https://github.com/baptistebriel/biggie/issues/223""",duplicate content when adding wordpress + timber,"hey man! me here again :d i've trying out to connect wordpress and biggie but is not completely working for me. first according to documentation, i should use this. const id = slug req, options const cn = id.replace '/', '-' const page = create { selector: 'div', id: page-${cn} , styles: page page-${cn} } view.appendchild page if !cache slug || !options.cache { ajax.get ${config.base}${slug} , { success: object => { const html = object.data.split /
|<\/main> /ig 2 page.innerhtml = html if options.cache cache slug = html done } } } else { settimeout => { page.innerhtml = cache slug done }, 1 } return page but first if i use slug as an ajax call parameter i get an error, given that slug is import slug from './slug' so i changed it to id, and it seems to make the right ajax call. but then if i have const html = object.data.split /
|<\/main> /ig 2 it seems to not work properly, so i tried the same but with body. const html = object.data.split / |<\/body> /ig 2 at this point everything seems to work, i get the content and i can navigate, no errors , but i get duplicate content from the template and the view.appendchild page not sure if the documentation its updated according to the latest biggie i will try to find a solution for this, but in case that you have one please let me know :d thanks!" +3312778,"""https://github.com/koorellasuresh/UKRegionTest/issues/7985""",first from flow in uk south,first from flow in uk south +490991,"""https://github.com/vertigra/NetTelebot-2.0/issues/22""",split this 207 characters long line which is greater than 200 authorized .,"codacy https://www.codacy.com/app/vertigra/nettelebot-2.0/commit?cid=104402466 detected an issue: message: split this 207 characters long line which is greater than 200 authorized . occurred on: ++ commit : b00cf52a3c7b0c899535d44bf238062cd3ecb91b ++ file : nettelebot/telegrambotclient.cs https://github.com/vertigra/nettelebot-2.0/blob/b00cf52a3c7b0c899535d44bf238062cd3ecb91b/nettelebot/telegrambotclient.cs + linenum : 308 https://github.com/vertigra/nettelebot-2.0/blob/b00cf52a3c7b0c899535d44bf238062cd3ecb91b/nettelebot/telegrambotclient.cs l308 + code : /// video to send. you can either pass a file_id as string to resend a video that is already on the telegram servers, or upload a new video file using multipart/form-data. currently on: ++ commit : afd5316a264d9382c5032645a06547f2cec2ab19 ++ file : nettelebot/telegrambotclient.cs https://github.com/vertigra/nettelebot-2.0/blob/afd5316a264d9382c5032645a06547f2cec2ab19/nettelebot/telegrambotclient.cs + linenum : 388 https://github.com/vertigra/nettelebot-2.0/blob/afd5316a264d9382c5032645a06547f2cec2ab19/nettelebot/telegrambotclient.cs l388" +1700757,"""https://github.com/onetype/onetype.github.io/issues/1""",setting up the environment,"description create the configuration for one type https://onetype.org . --- issue checklist - install ruby , and jekyll . - create a package.json to control dependencies like sass , sass unit testing . - configure linters on sass and javascript . - install and enable javascript unit testing . all issues in milestone: 1 configuration https://github.com/onetype/onetype.github.io/milestone/1 --- assignees - final @agzeri" +4962045,"""https://github.com/joelalejandro/feathers-hooks-jsonapify/issues/17""",add support for error responses,"the hook should be usable in the error hook. json api has a spec regarding errors http://jsonapi.org/format/ error-objects : >error objects provide additional information about problems encountered while performing an operation. error objects must be returned as an array keyed by errors in the top level of a json api document. >an error object may have the following members: >- id: a unique identifier for this particular occurrence of the problem. >- links: a links object containing the following members: >- about: a link that leads to further details about this particular occurrence of the problem. >- status: the http status code applicable to this problem, expressed as a string value. >- code: an application-specific error code, expressed as a string value. >- title: a short, human-readable summary of the problem that should not change from occurrence to occurrence of the problem, except for purposes of localization. >- detail: a human-readable explanation specific to this occurrence of the problem. like title, this field’s value can be localized. >- source: an object containing references to the source of the error, optionally including any of the following members: > - pointer: a json pointer rfc6901 to the associated entity in the request document e.g. /data for a primary data object, or /data/attributes/title for a specific attribute . > - parameter: a string indicating which uri query parameter caused the error. >- meta: a meta object containing non-standard meta-information about the error." +5005849,"""https://github.com/gjr80/weewx-realtime_gauge-data/issues/1""",remove option to set windrun units,"steelseries weather gauges derive windrun units from wind speed units whereas with rtgd the user can specify the windrun units independent of wind speed. this could cause a conflict if the user set, say, group_speed=km_per_hour and group_distance=mile. solution is for rtgd to derive windrun units in the same manner as the steelseries weather gauges." +854432,"""https://github.com/kayac/sqsjkr/issues/3""",feature of reporting command output somewhere,that indicates that crontab sends mail command ouput. +458023,"""https://github.com/ideawu/ssdb/issues/1146""",能使用go语言的redis driver 直接取代 ssdb的 driver 吗,"根据你的文档 ssdb 支持 redis 协议和客户端, 所以你可以使用 redis 的客户端来连接 ssdb 进行操作。 然后官方的go 语言的ssdb driver是单连接的,能否使用garyburd/redigo/redis 的driver 完全取代 你的gossdb 呢? 取代之后是否存在一些性能问题呢? 比如读写没有使用ssdb driver 那么快等?期待您的回答." +2819104,"""https://github.com/gatsbyjs/gatsby/issues/2936""",hard to read errors on mac os.,it's hard to read error messages from gatsby with the default terminal on mac os. ! screen shot 2017-11-15 at 9 10 38 pm https://user-images.githubusercontent.com/12447474/32872008-efc70730-ca49-11e7-8648-45641408f59a.png gatsby version: 1.9.112 node version: v8.9.1 mac os version: 10.12.6 +287366,"""https://github.com/danwilson/google-analytics-plugin/issues/374""",unknown provider: googleanalyticsprovider,"hey, i have a project that is using this plugin with ionic framework. i switched to a new linux system after working on os x for a couple of months. on the old system the project runs flawlessly but on the new system i can't get it started. the code is identical on both systems and no changes have been made. i'm trying to run the development environment with the ionic serve command and the client console throws me the following exception: 4 836947 error uncaught error: $injector:unpr unknown provider: googleanalyticsprovider <- googleanalytics http://errors.angularjs.org/1.4.3/$injector/unpr?p0=googleanalyticsprovider%20%3c-%20googleanalytics, http://192.168.1.26:8100/lib/ionic/js/ionic.bundle.js, line: 13241 - tried to remove and add the plugin - tried to remove and add the platforms the plugin version is: > cordova-plugin-google-analytics 1.7.4 google universal analytics plugin i also tried using version 0.8.1 that is working on my old system" +1133541,"""https://github.com/nazar-pc/PickMeUp/issues/187""",selected is not defined,"https://github.com/nazar-pc/pickmeup/blob/97f13c88782f894d736fed740dae17cb7708fe98/js/pickmeup.js l496 please add selected to the var list, in strict mode it fails." +4919284,"""https://github.com/ubacm/ubacm/issues/31""",interview prep peer to peer,will announce on monday general meeting. +3935867,"""https://github.com/angular/material2/issues/8372""",mat-slider thumblabel wrong format,"bug, feature request, or proposal: i experienced that while using the thumblabel option on a mat-slider element, sometimes the label is doing some weird rounding. instead of 57 for example, it shows 56.999999999999 and in the label i only see the nines. but only in the .mat-slider-thumb-label element is wrong, the slider component knows the value right displayvalue read-only property . here is a screenshot https://imgur.com/a/eogpz which versions of angular, material, os, typescript, browsers are affected? angular 5.0.1, material 5.0.0-rc0, windows10, typescript 2.4.2" +5090203,"""https://github.com/facelessuser/HexViewer/issues/61""",can't install/load hexviewer and no errors,"running sublimetext 3 build 3126: package manager doesn't list hexviewer so i git cloned into my packages folder as instructed and i do see c:\program files\sublime text 3\packages\hexviewer\dependencies.json along with ~25 other files visual guestimate . i've also restarted sublime closed all instances and checked processes to be sure . even installed that way, hexviewer doesn't come up in my command pallette nor do i see anything under tools->packages. console is empty and i see no signs of loading errors or hexviewer loading at all . any idea what else i could check or what i might have missed?" +3363746,"""https://github.com/paknorton/pyPRMS/issues/2""",extracting non-connected basins,need option to extract non-connected basins/watersheds to separate directories +1474898,"""https://github.com/kumavis/eth-emoji/issues/7""",action required: greenkeeper could not be activated 🚨,"🚨 you need to enable continuous integration on all branches of this repository. 🚨 to enable greenkeeper, you need to make sure that a commit status https://help.github.com/articles/about-statuses/ is reported on all branches. this is required by greenkeeper because we are using your ci build statuses to figure out when to notify you about breaking changes. since we did not receive a ci status on the greenkeeper/initial https://github.com/kumavis/eth-emoji/commits/greenkeeper/initial branch, we assume that you still need to configure it. if you have already set up a ci for this repository, you might need to check your configuration. make sure it will run on all new branches. if you don’t want it to run on every branch, you can whitelist branches starting with greenkeeper/ . we recommend using travis ci https://travis-ci.org , but greenkeeper will work with every other ci service as well. once you have installed ci on this repository, you’ll need to re-trigger greenkeeper’s initial pull request. to do this, please delete the greenkeeper/initial branch in this repository, and then remove and re-add this repository to the greenkeeper integration’s white list on github. you'll find this list on your repo or organiszation’s __settings__ page, under __installed github apps__." +3478899,"""https://github.com/http-builder-ng/http-builder-ng/issues/187""",charset wrong or missing in a get request,"hi: description i'm requesting an spanish html page which has a content type header: content-type:text/html; charset=iso-8859-15 when trying to get the text of a given node, the resulting text doesn't honor the charset and special characters can't be interpreted properly. i'm using the following code to reproduce the behavior: jsoup + apache groovy @grapes @grab 'org.jsoup:jsoup:1.11.2' , @grab 'io.github.http-builder-ng:http-builder-ng-apache:1.0.3' import groovyx.net.http.httpbuilder httpbuilder .configure { request.uri = http://www.elmundo.es/cataluna/2017/12/19/5a3986a4268e3ed7478b45f5.html } .get .select div itemprop=articlebody .text xmlslurper + neckkohtml + okhttp groovy @grapes @grab 'io.github.http-builder-ng:http-builder-ng-okhttp:1.0.3' , @grab group='net.sourceforge.nekohtml', module='nekohtml', version='1.9.22' import groovyx.net.http.httpbuilder httpbuilder .configure { request.uri = http://www.elmundo.es/cataluna/2017/12/19/5a3986a4268e3ed7478b45f5.html } .get .' ' .find { it.name == 'div' && it.@itemprop == 'articlebody' } neither of both cases respected the text encoding present in the content type header, coming from the server. i'm assuming that should be handled by the library but maybe i'm wrong. btw: great project guys :" +2349035,"""https://github.com/OpenRA/OpenRA/issues/13798""",range support for externalcaptures:,to implement something like black lotus's building hacking from generals. +296668,"""https://github.com/WikiWatershed/model-my-watershed/issues/2520""",split huc-8 and huc-12 mapshed submissions,"using some method of feature flagging, on huc-8 or huc-10 submission, find the component huc-12s, and submit them for mapshed and gwlf-e jobs. we'll later feed each result with its huc-12 id into an external srat catchment api. for now, we can sum the model results back up; the sum should be close to the result of submitting the whole shape." +2478408,"""https://github.com/jOOQ/jOOQ/issues/6876""",add dsl.offsetdatetimediff and offsetdatetimeadd,"these methods are still missing. only classic timestamp supporting methods are implemented, thus far. similar to 6723" +219151,"""https://github.com/sys-bio/tellurium/issues/163""",telluirum api docs are out of date.,"the tellurium api docs are out of date, not only that but we seem to have to versions of the doc, one doxygen and another readthedocs. readthedocs has pretty pictures but little actual documentation. doxygen has only one pretty picture but has docuemtation text. the docs needs to be resovled." +1787137,"""https://github.com/kimdn/cryo_fit/issues/8""",cryo_fit.run_tests does not work.,i hope it wasn't the changes i sent vie pull request. +4345456,"""https://github.com/bradtraversy/bs4starter_beta/issues/1""",tether.js not included ?,"hi brad, it looks like tether.js is not included in this starter pack ? also there seems to be some issues with bootstrap 4 beta regarding .nav-inverse, as well as with the alignment of .nav-brand. did you have a look at that as well ? thanks." +3993320,"""https://github.com/bitovi/syn/issues/147""",issue with drag drop in scrollable area,"if target element is in scroll, dragged element is not getting dropped at correct position." +1688406,"""https://github.com/techannihilation/TA/issues/675""",ratio for metal extractor,we have problematics with balance. we need have 4 levels for mex. ratio : t1 = 2m/s --- t1.5 = t1 x 2 ----- t2 = t1 x 6 ---- t3 = t1 x 24 ------ t4 x 48 +3639110,"""https://github.com/Bartzi/stn-ocr/issues/6""",can it achieve multiple lines of text recognition in a image?,"hey, i have already download text_recognition_model.zip in this web https://bartzi.de/research/stn-ocr text-recognition . it can be successfully implemented . but it is only to recognize a line of text in a image whether it has the opportunity to recognize multiple lines of text? like this image https://s-media-cache-ak0.pinimg.com/originals/62/b2/61/62b2615f5de512e7d65fcc8f1f507745.png thanks." +5094007,"""https://github.com/danlevan/scraper-kshow123/issues/3""",kodi - failed due to an invalid structure.,"greetings! thank you for your work on this. i am having an issue installing this in both kodi 16.1 and 17.1 on two separate windows 10 machines. i receive an error when installing - failed due to an invalid structure. i've tried creating the zip file with the built in windows utility and 7-zip. i have also tried completely rebuilding the .xml file. the same error persists. would you have any input on this issue? also, what version of kodi have you used this with and what operating system? thank you!" +1771682,"""https://github.com/open-watcom/open-watcom-v2/issues/327""",various c library test failures,i'm seeing the following failures in the c library tests on suse linux ./chktest.exe /home/peter/projects/ow/bld/clibtest/result.log line 9: '/home/peter/projects/ow/bld/clibtest/regress/direct' test failed line 26: '/home/peter/projects/ow/bld/clibtest/regress/heap' test failed line 37: '/home/peter/projects/ow/bld/clibtest/regress/mbyte' test failed line 42: '/home/peter/projects/ow/bld/clibtest/regress/misc' test failed line 44: '/home/peter/projects/ow/bld/clibtest/regress/process' test failed line 55: '/home/peter/projects/ow/bld/clibtest/regress/safembyt' test failed line 72: '/home/peter/projects/ow/bld/clibtest/regress/startup' test failed line 80: '/home/peter/projects/ow/bld/clibtest/regress/time' test failed the nature of the errors seems to vary from failed assertions to what looks like an issue with the makefile to segmentation faults. are these tests failing for others? +3495114,"""https://github.com/emfoundation/ce100-app/issues/902""",rename current admin role to content owner,in order to prepare for the creation of a new role in 888 we'll rename the current admin role to content-owner . +2763377,"""https://github.com/davidsowerby/kaytee-test/issues/11""",kaytee build: task_failure,"3 tests completed, 1 failed failure: build failed with an exception. what went wrong: +execution failed for task ':test'. +> there were failing tests. see the report at: file:///tmp/junit1963568559354521562/kaytee-data/kaytee-test/5d2b3d8/kaytee-test/build/reports/tests/test/index.html try: +run with --stacktrace option to get the stack trace. run with --info or --debug option to get more log output." +164448,"""https://github.com/Redlotus99/Genesis-Technical-Assessment/issues/6""",drawer size quests out of order,upgrading drawer size quest has all upgrades together so you have to have up through emeralds to complete before moving to next quest which is considerably easier +3105255,"""https://github.com/wingsofovnia/p2p-group27-onion/issues/71""",consider using firechannelread where async operations present,"some handlers block onionauth encode/decode with join that blocks the whole event loop. it's not that bad since the operation is not heavyweight, but consider using firechannelread manually instead of more abstract base handler with list out ." +2340162,"""https://github.com/theCrag/website/issues/2685""",weird anon mention in stream event,the even has 2 people editing an area and one is anon which seems inconsistent to me: https://www.thecrag.com/event/1176556647 ! image https://cloud.githubusercontent.com/assets/187449/24614420/7ca123d0-18ce-11e7-8804-520a21755cb7.png +5253197,"""https://github.com/synapsestudios/oidc-platform/issues/105""",sending out re-invites doesn't invalidate old invitation links.,steps to reproduce 1. send out an invitation email to a valid email address 1. send out a re-invitation email to the same email address 1. use the invitation email to set up a password 1. use the re-invitation email to set up a different password 1. observe that the password you used in the re-invitation set up is the accounts new password. additional notes a demo can be arranged. +4738878,"""https://github.com/engiacad/skillminer/issues/2""",search bar that can help the user pick some skills from the database,such bar shoudl be able to connect to ajax request server and pull down the skills that the user is trying to search . +3106312,"""https://github.com/rte-antares-rpackage/antaresRead/issues/81""",h5 : writeantaresh5 : proposition de simplification : alldata,"je propose de rajouter un paramètre à cette fonction permettant d'écrire toutes les données et de ne rien oublier ! la ligne ci-dessous est trop longue. je propose de rajouter un paramètre alldata permettant l'écriture de toutes les données. paramètre à inclure dans alldata - writemcall - misc - thermalavailabilities - hydrostorage - hydrostoragemaxpower - reserve - linkcapacity - mustrun - thermalmodulation r writeantaresh5 path = paths2out, misc = true, thermalavailabilities = true, hydrostorage = true, hydrostoragemaxpower = true, reserve = true, linkcapacity = true, mustrun = true, thermalmodulation = true, writeallsimulations = true, overwrite = true" +3338829,"""https://github.com/britton-jb/sentinel/issues/36""",detail mix install task steps,need to document the details of the mix install steps to handle the use case where a user model already exists. +4767728,"""https://github.com/Semantic-Org/Semantic-UI/issues/5073""",menu with specified number of items is one pixel off when attached to a segment,"hi! i think i ran into a bug. css is not my strongest suit so i apologise in advance in case this is intended behaviour. here is the code i'm using: html
there are many variations of passages of lorem ipsum available, but the majority have suffered alteration in some form, by injected humour, or randomised words which don& x27;t look even slightly believable. if you are going to use a passage of lorem ipsum, you need to be sure there isn& x27;t anything embarrassing hidden in the middle of text
as you can see in this jsfiddle http://jsfiddle.net/e5t6rm91/1/ , the menu is 1px off from the attached segment on the right side. i ran into the bug using with the react menu component with the widths prop. not sure if that's relevant but i thought it was worth mentioning. i looked at existing issues here on github and i found 1557 and 1587 which seem related but my css knowledge is too limited for me to connect the dots. so sorry if that's misleading. this code which i added as a comment in the jsfiddle in case you want to give it a quick try : css .ui.attached.menu { max-width: calc 100% + 1px ; } fixes the problem but i doubt it's an adequate solution. i wish i could open a pr with a fix but, once again, i don't have the knowledge to fix it on my own. and i'm still not 100% sure it's a bug. maybe i'm doing something wrong. thank you very much for this awesome project!" +1044438,"""https://github.com/markfasheh/duperemove/issues/177""",warning: ‘end...’ may be used uninitialized in this function -wmaybe-uninitialized,"hello, i got the following compiler warnings: find_dupes.c:216:21: warning: ‘end 1 ’ may be used uninitialized in this function -wmaybe-uninitialized struct file_block end 2 ; ^ find_dupes.c:216:21: warning: ‘end 0 ’ may be used uninitialized in this function -wmaybe-uninitialized --- c++ ubuntu 5.4.0-6ubuntu1~16.04.4 5.4.0 20160609 copyright c 2015 free software foundation, inc. this is free software; see the source for copying conditions. there is no warranty; not even for merchantability or fitness for a particular purpose. --- i made the following changes therefor and maybe this is acceptable for you: git diff diff --git a/find_dupes.c b/find_dupes.c index 4d4dc9f..a6e3352 100644 --- a/find_dupes.c +++ b/find_dupes.c @@ -213,11 +213,11 @@ static int walk_dupe_block struct filerec orig_file, struct file_block orig = orig_file_block; struct file_block block = walk_file_block; struct file_block start 2 = { orig, block }; - struct file_block end 2 ; - struct running_checksum csum; + struct file_block end 2 = { null, null }; + struct running_checksum csum=null; unsigned char match_id digest_len_max = {0, }; - uint64_t orig_blkno, walk_blkno; - struct rb_node node; + uint64_t orig_blkno=0, walk_blkno=0; + struct rb_node node=null; if block_seen walk_best_off, block || block_seen orig_best_off, orig --- best regards martin" +3922456,"""https://github.com/Scouts-Sint-Joris/api-guard/issues/1""",implement service to the package.,implement a service field to the database. and mass-assign in the model. thgis is needed to identify the key in our backend. +4683942,"""https://github.com/joeferraro/MavensMate/issues/949""","deployment failed with no error, but also shows success ?"," mavensmate desktop version : v0.0.11-beta.7 editor : sublime mavensmate plugin version : v7.0.2 platform/version : windows 7 64bit proxy details : na salesforce api version : salesforce server : sandbox: cs54 live deploy: na63 i'm getting a deployment failed error, but it's also showing success on the objects, and no reason why the deployment failed. you can see what i'm seeing here: ! deployment-failed https://cloud.githubusercontent.com/assets/25256150/23871866/8d371b00-0802-11e7-9078-45f73d0120bd.jpg is there any way i can look further into this? i'm really not sure why it is failing. i have 100% code coverage and only changed something very minor since my last deployment." +2058960,"""https://github.com/flutter/flutter/issues/7335""","if application sha1 file is missing on android, flutter run fails","in androiddevice.isappinstalled https://github.com/flutter/flutter/blob/master/packages/flutter_tools/lib/src/android/android_device.dart l219 , we check the following: _getdeviceapksha1 app == _getsourcesha1 app however, if the sha1 file is missing entirely, this call will throw as opposed to returning false. we've gotten a few reports in the wild of flutter apps that were installed, yet this file was inexplicably missing. initial reports seem like this may only affect android emulators." +1241622,"""https://github.com/laurenth-unity/lightmap-switching-tool/issues/12""",dynamic to baked lighting switch,"apologies if this is not the right place to ask -- your lightmap-switching tool looks really interesting, i've been reviewing the code to understand how it works. by the looks of things the switch between light maps is sudden? i've not tested it yet, but the change would be sudden and incur a performance hit on larger / multiple changing / loading of maps? i'm trying to find a smooth solution to go from a non-baked daytime scene single dynamic light-source , that transitions to night-time and switch the lighting and maps at night to a baked configuration. i've actually got this working already kind of , but the main issue i'm encountering is that when the light maps change there is a frame hitch so it's noticeable. ideally there would be someway to smoothly transition from one lighting configuration to the other. do you have any thoughts on this kind of use-case?" +2502836,"""https://github.com/openfisca/openfisca-doc/issues/63""",unify reforms and extensions information hierarchy,"reforms https://github.com/openfisca/openfisca-doc/blob/784df49bb921bf3391f6b85da1a8b93d32aa6ce2/reforms.md differences-between-reforms-and-extensions are currently presented as part of the “key concepts” while extensions are part of the “contribute” part, and do not link back to reforms. - make extensions a part of the “key concepts”. +- make reforms a specific instance of extensions or the other way around? . +- make it clear for the user in which case she should use which mechanism." +3757963,"""https://github.com/MADanson/TBSCDB/issues/1""",button double click,start/stop button won't fire on first click +4623936,"""https://github.com/tarek-nawara/stackoverflow-api-integration/issues/7""",expose rest api for showing data analysis results,expose rest api for showing the results of analysing the stackoverflow data . +4452470,"""https://github.com/Cacti/cacti/issues/403""",cacti 1.0.4 does not save changes,"hi all, i work wit debian 8 uptodate. the installation was successfull, without warnings. the mysql variables have been set as suggested by cacti. all path are verified. all options ar green. the problem is that when i go to settings and try to change something the save button does not work thank you stefano" +4948434,"""https://github.com/azerg/NppBplistPlugin/issues/3""",version info of dpendent libs,for contribution to further development it might be helpfull to know the versions of the externals: - https://github.com/libimobiledevice/libplist/releases - http://xmlsoft.org/news.html used currently as basis and if it is modified. +4942955,"""https://github.com/ToxicGlobe/VSTS-SSIS-Extension/issues/19""",ispac file path access denied,"hello. i am encountering an error when using the deploy step in a release definition in tfs 2015. ssdt is installed on the build box. the error in the log is as follows: > error task_internalerror exception calling readallbytes with 1 argument s : access to the path 'c:\tfsagents\agent1\_work\...\dev' is denied. i looked at the underlying powershell script, and it looks like the exception is being thrown by the following line: > byte $projectfile = system.io.file ::readallbytes $projectfilepath from what i can tell, the account that the tfs agents run as has full control permissions, so i do not understand why i am getting an access denied error. please help. thanks!" +793903,"""https://github.com/thoughtbot/expandable-recycler-view/issues/62""",is it possible to implement filterable?,"hi, i am filtering some objects using a searchview, is it posible to do it with this library? what would be a possible implementation" +4543364,"""https://github.com/a-kubotera/achieve/issues/1""",テスト rspec の初期設定を行う,- dive21を参考に、テスト rspec の初期設定を行う +4712574,"""https://github.com/Varying-Vagrant-Vagrants/VVV/issues/1330""","fix command for running vagrant with verbose, debugging output"," hi, in the troubleshooting guide; https://github.com/varying-vagrant-vagrants/varyingvagrantvagrants.org/blob/c3fed710b5580df320cec563c1418e1d756ce7d3/docs/en-us/troubleshooting.md , running vagrant up --provision --verbose | vvv.log returns a syntax error an invalid option was specified. the help for this command is available below. i couldn't find a verbose argument on vagrant's website https://www.vagrantup.com/docs/other/debugging.html ; but there is --debug . so the command would be vagrant up --provision --debug | tee vvv.log i also included tee, which is a standard unix tool to read input and store it files; it's in coreutils and in most unix installs http://man7.org/linux/man-pages/man1/tee.1.html ." +3294584,"""https://github.com/febalci/DomoticzLife360/issues/5""",device values are mixed up,"life360 does not send members in order. every time it changes the order of the members, so wrong values are assigned to devices. need a persistent order of members when the devices are created, unfortunately domoticz plugin framework does not support user variables or persistent values." +811286,"""https://github.com/goby-lang/goby/issues/236""",add restriction about the argument order.,"i think the following code doesn't make sense. ruby def foo x=10 , y x + y end foo 10 because 1 i need to guessing which param i'm passing to when i calling the method. 2 if you think some argument is most needed, you should put it in the front. so in goby we need to write the code like this ruby def foo y, x=10 x + y end foo 10 and i'll try to add some mechanism to check the parameter's order according to it's type required or optional ." +3262021,"""https://github.com/hexahedria/biaxial-rnn-music-composition/issues/32""","doesn't work, need help",everytime i've tried it we got this : +5078273,"""https://github.com/SlowMemory/List-KR/issues/179""",넹버 모바일 쇼핑몰 연결 문제,https://m.search.naver.com/search.naver?query=안국+루테인+플러스&where=m&sm=mtp_sly.hst&acr=3 ios safari adguard pro 모방ㄹ 네이버에서 검색 후 쇼핑몰 연결시 차단되어 연결이 안되는 증상이 종종 있습니다. +3632561,"""https://github.com/memerobotics-CN/MemeScriptPlayer/issues/1""",verify label number should be strictly in incremental order,"when use put smaller label no after previsous label no, system should give a warn and ask user to change" +4914631,"""https://github.com/koorellasuresh/UKRegionTest/issues/53192""",first from flow in uk south,first from flow in uk south +366906,"""https://github.com/admc/wd/issues/491""",how to interact with ios alerts and action sheets?,"i am using wd with react native and having a hard time trying to interact with alerts and action sheets. for example, when user tries to upload contacts, it will alert user for permissions. also, i display custom alerts with custom buttons as well as action sheets in many places." +2122037,"""https://github.com/BloodyBlade/Fairytale/issues/358""",на маленьких разрешениях склеиваются названия страниц,! image https://user-images.githubusercontent.com/8676123/32688081-a68d09a2-c6e3-11e7-9cd6-3b9c1c7c435d.png можно попробовать добавить невидимые пробелы перед началом заголовков и в конце +2177175,"""https://github.com/brianloveswords/python-jws/issues/31""",is this package dead?,looks like there's stale prs and the pypi page looks broken. +2917990,"""https://github.com/pmalecka/chrome-shortkeys/issues/4""",shortcuts don't work on a new tab page,"on a new tab page, shortcuts such as next tab don't work when the active page is the new tab page." +4315795,"""https://github.com/MrAppAndCrap/KBG-Archiver-Reborn/issues/1""",.msi file not 'signed',"hey, i'm aware that the .msi file is unsigned. this won't stop the program from running, but it might bring up some security warnings on your computer. i will get round to signing it soon." +4416384,"""https://github.com/teranich/draw2d-wrapper/issues/1""",can you provide full example ?,"hello, i try to run draw2d with angular >2 . have you ever done this or can you provide full example with simple npm install and npm start please of your project ? thanks" +3816529,"""https://github.com/PawelDecowski/jquery-creditcardvalidator/issues/109""",diners club international,i went to: https://www.getnewidentity.com/diners-club-credit-card.php but the numbers in the dc international column did not validate. +4741449,"""https://github.com/hashicorp/packer/issues/4922""",keeping redhat hourly license when using amazon ebs surrogate builder,"hello, this is a feature request. when using the amazon ebs surrogate builder, a snapshot is created from the volume and then an ami is created from the snapshot. this will unfortunately dismiss the license for products from the aws marketplace. in our case it's the redhat hourly license. the solution to retain the license is to create an ami directly from the instance as stated here: http://docs.aws.amazon.com/awsec2/latest/userguide/instance-launch-snapshot.html. > note that some linux distributions, such as red hat enterprise linux rhel and suse linux enterprise server sles , use the billing product code associated with an ami to verify subscription status for package updates. creating an ami from an ebs snapshot does not maintain this billing code, and subsequent instances launched from such an ami will not be able to connect to package update infrastructure. to retain the billing product codes, create the ami from the instance not from a snapshot. for more information, see creating an amazon ebs-backed linux ami or creating an instance store-backed linux ami. there is the ami_product_codes option, but this doesn't seem to apply in this case. when listing the ec2 instance metadata this what we get. so there is no product codes but a billing code. { devpayproductcodes : null, billingproducts : bp-6fa54006 } we have for now scripted the whole process without packer. maybe there is a way to achieve this currently with packer? thank you" +4633111,"""https://github.com/helloGov/singleAction/issues/47""","hide input password on signup, add confim password",also need to check if password is hidden on login +3907425,"""https://github.com/krysmathis/client-side-capstone/issues/8""",connect the user to the listings,given a user wants to review listings when the look at the listing then there is an indication of who posted it +4924075,"""https://github.com/boleto-br/boleto-pdf/issues/1""",um pdf com todos os boletos,é possível gerar apenas um pdf contendo todos os boletos que precisam ser gerados? +147637,"""https://github.com/Tencao/TCR-Origins/issues/41""",turtles can't mine new stones,the turtles just can't mine the new underground biome stones +1110345,"""https://github.com/rpwoodbu/mosh-chrome/issues/162""",how to save password?,"i must to input ssh password everytimes ,how can i save it in mosh?" +2278259,"""https://github.com/biryu2205/Biryu/issues/47""",simple exercises - triangle 4,"write a program that print following output 0 101 21012 3210123 432101234 54321012345 6543210123456 765432101234567 87654321012345678 +9876543210123456789" +2258486,"""https://github.com/the-control-group/voyager/issues/1216""",bread error : model is empty,"- laravel version: 5.3.30 - voyager version: 0.11.10 - php version: 5.6.30 - database driver & version: mysql 5.6 -os: mac os x yosemite. description: when i create a new table, the table is created fine.the migration file created fine too. but the model file is empty and never voyager create controller file o views files. model file: npm err! please include the following file with any support request: npm err! c:\users\dell\desktop\testnode pm-debug.log how do i fix this?" +3706415,"""https://github.com/moby/moby/issues/34140""",docker swarm leave results in error response from daemon: context deadline exceeded,"i'm trying to remove a docker swarm node, but i get error response from daemon: context deadline exceeded -- force results in the same issue. docker node ls shows the node as down but active. i was able to remove the node by running docker node rm node-name from a swarm manager. i am able to docker-machine ssh in the node. docker -v is docker version 17.06.0-ce, build 02c1d87 'lsb_release -a is no lsb modules are available. distributor id: ubuntu description: ubuntu 17.04 release: 17.04 codename: zesty what else can be done to troubleshoot this issue?" +4919070,"""https://github.com/lilydjwg/swapview/issues/126""",inaccurate results for size,freepascal using real java using java nodejs using float +1823997,"""https://github.com/nextcloud/passman-webextension/issues/175""",form icon isn't shown in email field,steps to reproduce 1. go to https://my.n26.com/ expected behaviour see a form icon in the email field actual behaviour no form icon in the email field configuration browser : chrome 60 / firefox developer extension version : latest commit on master +4210001,"""https://github.com/mautic/mautic/issues/3494""",campaign builder conditions do not handle values according to operator,"| q | a | ---| --- | bug report? | x | feature request? | | enhancement? | description: when you create a condition in a campaign on a date field , the operator you select does not match with the proposed values. ! capture d ecran 2017-02-21 a 15 03 56 https://cloud.githubusercontent.com/assets/14075239/23201256/0463cc70-f8d9-11e6-8188-7ed4e28d04ed.png i think very similar as 3493 if a bug: | q | a | --- | --- | mautic version | 2.6 | php version | steps to reproduce: 1. create a date format contact field 2. create a campaign 3. add a condition on this field and selection empty as operator 4. see that you still have values which is not appropriated here" +25676,"""https://github.com/gh-selenium-project/TestNewRepo/issues/1""",a very simple issue,"well, the problem is quite simple! you don't have to do anything actually." +4389508,"""https://github.com/ScottyLabs/HackerHelp/issues/28""",trouble downloading dashing,"__hacker name s __: albina kwak, sooyoung ahn __physical location__: cuc rangos near stage __operating system s __: __programming langugage__: description trying to install dashing through terminal keep getting error you have to install development tools first. googled the problem, says i need to download xcode, but i already have xcode for sure screenshots " +2212626,"""https://github.com/JeremyBakker/nss-backendCapstone/issues/12""",user can view word count,given the user visits the homepage when the homepage renders and the user hovers over the earnings line graph then the user will be able to view the count of words in the question and answer section of the earnings transcript identified by the hover +4177749,"""https://github.com/michaelhays/urplus/issues/1""",browse files link to include images in comments is not showing,the link of browse files to include some image in comments is not showing while the extension is activated. ! udacity reviews 5 https://user-images.githubusercontent.com/620050/30935297-9ac33bba-a3a6-11e7-8f56-0e917f78db0c.png +1935633,"""https://github.com/dwyl/hq/issues/415""",vat return | november 2017 to end january 2018,"vat return for the period of 01.11.2017 - 31.01.2018. deadline: 1st march 2018. vat return and payment deadline is 7th march but this task needs to be completed ahead of time so that we can ensure the correct funds are available in our outgoing account for this date.. low priority whilst we are waiting for the period to finish, but will be revised in february. tasks + document the steps for this tasks what we currently have https://github.com/dwyl/process-handbook/blob/master/finances.md vat-return is looking a bit abandoned + submit the vat return" +3596290,"""https://github.com/shiptest-rc-ow/coretest_singlebuildNod/issues/768""",failure - shiptest-rc-ow/coretest_matrixbuildjav - 493,shippable run 493 https://rcapp.shippable.com/github/shiptest-rc-ow/coretest_matrixbuildjav/runs/493 failed for https://github.com/shiptest-rc-ow/coretest_matrixbuildjav/compare/f65f77625f99f7edd274fbff4107aa8fe8e8183a...d5cca240ab747f9eafe194b4650356ce905d709e +4340740,"""https://github.com/rustamli/rephrase/issues/1""",how to run your program?,kindly update your readme file using the syntax for using your repository. i hope to hear from you soon. +1786970,"""https://github.com/DXBrazil/ArdaContainers/issues/4""",create a container for sql server,we could start with this image: https://hub.docker.com/r/microsoft/mssql-server-windows-express/ +1942641,"""https://github.com/ijlyttle/AzureDatalakeStoreAccount/issues/2""",receive error on list by resource group and get,"error in curl::curl_fetch_memory url, handle = handle : failure when receiving data from the peer" +4156597,"""https://github.com/ucbrise/clipper/issues/230""",error publishing model: error parsing json: type mismatch!,"i installed clipper_admin using pip install. i got the following error when i ran the quick start example mentioned in the readme: >>> clipper.deploy_predict_function feature_sum_model , 1, feature_sum_function, doubles anaconda environment found. verifying packages. fetching package metadata ......... solving package specifications: . supplied environment details serialized and supplied predict function model_data_path is: /tmp/predict_serializations/feature_sum_model error publishing model: error parsing json: type mismatch! json key model_version expected type stringbut found type number. expected json schema: { model_name := string, model_version := string, labels := string , input_type := integers | bytes | floats | doubles | strings , container_name := string, model_data_path := string } false" +2881938,"""https://github.com/bearsunday/BEAR.QATools/issues/6""",php_codesniffer version ^2.8 is old,https://github.com/bearsunday/bear.qatools/blob/master/composer.json l13 the current version is 3.1.1. https://packagist.org/packages/squizlabs/php_codesniffer i recommend updating the version. +911928,"""https://github.com/Microsoft/bond/issues/535""",update macos build instructions with grpc specifics,the macos build instructions do not mention/link to how to install the grpc dependencies. the default cmake command should also include -dbond_enable_grpc=false to make getting a successful build more likely. +4210381,"""https://github.com/PowerShell/PowerShell/issues/3238""",discussion about 'move test no exception! pattern to shouldbeerrorid ',the issue is opened on @travisez13 request in 3161 in short: 1. move our test helper modules in the appropriate place where are all tools test\tools\modules see https://github.com/powershell/powershell/pull/3161/ discussion_r102573978 1.1 load the modules with build.psm1 it seem we have an opened bug submodules don't reloaded 1.2 load the modules in start-pspester 1.3 use autoload by set $env:psmodulepath in build.psm1 or in start-pspester 2. 'move test no exception! pattern to 'shouldbeerrorid' /cc @travisez13 @lzybkr @stevel-msft @jameswtruher @daxian-dbw +178135,"""https://github.com/sahlberg/libiscsi/issues/255""",how to use libiscsi via libvirt?,for iscsi and iser? are those supported by libvirt? i mean not pass though kernel module. +2551830,"""https://github.com/telerik/kendo-angular/issues/1101""",popup's vertical position is calculated before its height,i'm submitting a... bug report current behavior changing the content of the popup does not result in re-adjustment its vertical position until the next rendering cycle. expected behavior the position should be recalculated as soon as the content's height has changed. minimal reproduction of the problem with instructions 1. open example http://plnkr.co/edit/8yo8degyyaimgd7dogs2?p=preview and find the autocomplete at the bottom 2. type edi 3. observe how the popup is resized and re-positioned after each keystroke +4033998,"""https://github.com/numbas/numbas-lti-provider/issues/18""",don't hide broken attempts from the student,"when an attempt is missing the cmi.suspend_data element, it's marked as broken and hidden from the student, then a fresh attempt is begun. we should be more up-front about what happens: the broken attempt should be visible with some kind of warning message, and count towards the final score, but not the number of attempts taken. we had an attempt which was marked as broken but had the cmi.suspend_data element many times, so i'm not sure how it ended up getting marked as broken - maybe the student refreshed the page during load?" +2648892,"""https://github.com/artesaos/moip/issues/18""",unresolvable dependency resolving parameter 0 $token in class moip\moipbasicauth,"estou recebendo esse erro, após atualizar minha aplicação com o laravel 5.4." +2454436,"""https://github.com/medunn626/Capstone_Front-End/issues/11""",improve auto-navigate and feedback messaging.,feedback won't display on auto-navigate. could be fixed by adding feedback to the index or app component. +3729107,"""https://github.com/abelog/KPI/issues/109""",auto_report sitsrc_api/tsrcdrv.c warning: passing argument 2 of 'siapis1_s2_matrix_calculation' from incompatible pointer type enabled by default,"sitsrc_api/tsrcdrv.c:750:2: warning: passing argument 2 of 'siapis1_s2_matrix_calculation' from incompatible pointer type enabled by default int err = siapis1_s2_matrix_calculation sihndle, s1_matrix, s2_matrix ; ^ invoked by: +libtool: compile: gcc -std=gnu99 -dpackage_name=\ situne-driver\ -dpackage_tarname=\ situne-driver\ -dpackage_version=\ 0.1\ -dpackage_string=\ situne-driver 0.1\ -dpackage_bugreport=\ \ -dpackage_url=\ \ -dpackage=\ situne-driver\ -dversion=\ 0.1\ -dstdc_headers=1 -dhave_sys_types_h=1 -dhave_sys_stat_h=1 -dhave_stdlib_h=1 -dhave_string_h=1 -dhave_memory_h=1 -dhave_strings_h=1 -dhave_inttypes_h=1 -dhave_stdint_h=1 -dhave_unistd_h=1 -dhave_dlfcn_h=1 -dlt_objdir=\ .libs/\ -dhave_stdlib_h=1 -dhave_string_h=1 -dhave_strcasecmp=1 -dhave_clock_gettime=1 -i. -isikernel -ilinux-sisystem -isisystem/inc -isitsrc_api -isitsrc_core -g -o2 -mt sitsrc_api/libsitune_la-tsrcdrv.lo -md -mp -mf sitsrc_api/.deps/libsitune_la-tsrcdrv.tpo -c sitsrc_api/tsrcdrv.c -fpic -dpic -o sitsrc_api/.libs/libsitune_la-tsrcdrv.o" +3840489,"""https://github.com/nodeca/pica/issues/85""",es5-compatible pica version,"hey, congrats on the new release! i've noticed you've used some es6 features in this release, which breaks minification using uglifyjs. i was wondering, if there's a plan to have es5-compatible version of the pica, or not." +2781762,"""https://github.com/koorellasuresh/UKRegionTest/issues/26801""",first from flow in uk south,first from flow in uk south +4042413,"""https://github.com/SBoudrias/Inquirer.js/issues/504""",can i clear the prompt when i finish input ?,"for example, i used a type: list prompt, and when i select one of choices, it still show the message and the choice i choose there, i want to clear them, how can i do? sorry for my english." +1754070,"""https://github.com/trestletech/plumber/issues/103""",include_file and binary format,"in reference to https://stackoverflow.com/questions/44185675/get-file-through-api-call-r-plumber there seem to be problems with transferring .rdata files and i guess binaries in general simplestuff <- list a = 1:10, df = data.frame asdf = rnorm 20 save simplestuff, file = 'simplestuff.rdata' @get /file get_file <- function f = 'simplestuff.rdata', req, res { res$headers$ content-disposition <- sprintf attachment; filename=\ %s\ , f include_file f, res, plumber:::getcontenttype .rdata } will download the file but throw many warnings. the file will be lesser in size and corrupt." +3075295,"""https://github.com/jordansamuel/PASTE/issues/72""",awaiting for version update and better search capability,"hi, thanx for the sharing this nice and sweat code, and its a request that we are awaiting for version update and better search capability ...." +1199113,"""https://github.com/androidessence/MaterialDesignSpecs/issues/2""",remove appcompat dependency.,currently the library depends on the appcompat library as that was the default as template but it is not needed. let's remove it to decrease the size of this library in the user's apps. +1361264,"""https://github.com/Indicia-Team/drupal-7-module-iform/issues/8""",requirement to move upload & cache folders,there is now requirement to move upload & cache folders in to sites/sitename/files directory. this requirement is necessary in terms of to integrate with pantheon. +1117176,"""https://github.com/guysoft/FullPageOS/issues/178""",can we learn from wpe?,not fullpageos! but maybe we can borrow ideas or work together? i just tested the webplatformforembedded project on a raspberry pi 3. there is smooth video from youtube at least up to 720p. have we gotten that on fullpageos yet? see the repository here: https://github.com/webplatformforembedded/buildroot and the project description and tutorial here: https://www.igalia.com/wpe/ https://blogs.igalia.com/magomez/2016/12/19/wpe-web-platform-for-embedded/ i have noticed some pretty high overclocking settings in the resulting image: force 720p hdmi_group=1 hdmi_mode=4 overclock arm_freq=1350 gpu_freq=500 sdram_freq=500 over_voltage=5 avoid_warnings=1 the building process took me about four hours on a laptop inside a ubuntu vm. after building and putting the image file onto an sd card it would not boot seven blinks of the green led . i found that the kernel file zimage is generated but not copied to the boot partition during the build. after that it worked though. to make a website open automatically you put a wpe.txt file in the root with the url. not dissimilar from fullpageos. if anyone is interested i guess i can post the build result somewhere so you can check it out yourself. +3854787,"""https://github.com/DCLP/dclpxsltbox/issues/202""",search engine functionality,allowance for searching and filtering? dclp only _and_ dclp with ddbdp. here we will need input from hugh and ryan. +1435681,"""https://github.com/chapel-lang/chapel/issues/5693""",support annotation configs like 'numa' and 'llvlm',"our performance graph annotations are useful, and the 'config' option allows us to constrain annotations to certain configurations. we currently do not have the ability to specify the 'numa' or 'llvm' configs, but it would be nice if we could." +1326374,"""https://github.com/spriteCloud/lapis-lazuli/issues/53""",lapis lazuli should throw custom errors,"at the moment when ll throw an error, 9 out of 10 times it's a default runtimeerror. we should change this into custom errors, for example: - lapislazuli::timeouterror - lapislazuli::elementnotfounderror - lapislazuli::waiterror - lapislazuli::finderror this will allow users to rescue a specific error, instead of catching all errors and then later on, figure out they have been catching a critical error, costing them more time to fix." +723705,"""https://github.com/snood1205/issues/issues/11794""",it's december 03 2017 at 06:00am!,"it's december 03, 2017 at 06:00am! @snood1205" +240395,"""https://github.com/marko-js/marko/issues/883""",properly propagate asyncstream errors," bug report marko version: 4.5.0-beta.4 details asyncstream stack traces are not properly being created, which is causing information loss. expected behavior full stack trace is provided if process.env.node_env is set to development , dev or undefined ." +3875189,"""https://github.com/Sage/sageone_api_php_sample/issues/20""",json response for bad request,this is not an issue but a feature request. should the api still give json response for bad request and explain which filed was invalid. right now the server's response is following which is vague as developer does not know what field is causing this. \r bad request\r \r

bad request

\r

http error 400. the request is badly formed.

\r +766980,"""https://github.com/borgbackup/borg/issues/3324""",borg mount repo: add 'latest' symlink,obnam now defunct had this handy habit of adding a 'latest' symlink pointing to the most recent archive when fuse-mounting a repo. made for less typing and easier scripting for the common case of getting a file from the most recent backup. thanks for considering it. +3290797,"""https://github.com/utilForever/CubbyFlow/issues/182""",upload missing data files,- create dam breaking xml files for pic and flip - compress pcisph obj file +64246,"""https://github.com/vivint-smarthome/ceph-on-mesos/issues/16""",forbidden when download,my ceph on dc/os try to reach this : https://dl.bintray.com/vivint-smarthome/ceph-on-mesos/ceph-on-mesos-0.2.11.tgz but it returns 404 forbidden i try browse it manually via browser and still got same response. is it need some credentials ? +2780142,"""https://github.com/koorellasuresh/UKRegionTest/issues/12957""",first from flow in uk south,first from flow in uk south +3729738,"""https://github.com/ddnionio/news/issues/1""",@realdonaldtrump: i have great confidence that china will properly deal with north korea. if they are unable to do so the u.s. with its allies will! u.s.a.,"@realdonaldtrump: i have great confidence that china will properly deal with north korea. if they are unable to do so, the u.s., with its allies, will! u.s.a.
+via twitter http://twitter.com/realdonaldtrump/status/852508752142114816
+april 13, 2017 at 09:08pm" +1922283,"""https://github.com/ccrama/Slide/issues/2520""",make hide nsfw previews a per-account setting,"this is a setting that i'd like enabled on one account, and disabled one another. it seems like when i adjust the setting, it adjusts it on all my accounts however. can you make this a per-account setting?" +1507832,"""https://github.com/gluster/glusterfs/issues/372""",need to figure out possibility of buffer movement with splice,"currently, to write/read buffer we do follow workflow 1 for writing data on file fd socket_fd data/kernel ------->iov_buffer user space ------>file_fd posix kernel space 2 for reading data from file fd file_fd posix/kernel space ---->iov_buffer user -------->socket_fd kernel space in this workflow, we do transfer buffer two times from kernel space to user space and user space to kernel space. i think we can avoid movement of the buffer after use zero-copy technique to read/write buffer on fd. for specific to write case at the time of read buffer from socket we can open a pipe and move data from socket_fd to one end of pipe after use splice system call and at the time of writing data at posix layer we can move data from another end of pipe_fd to file fd again after using splice call. in the same way, we can try to read data from file fd to socket fd also." +2592504,"""https://github.com/hpi-swt2-exercise/rails-exercise-17-niklas/issues/37""","paper index page should list title, venue, and year of all papers","scenario +given a paper entitled 'computing machinery and intelligence' +when a user visits the papers index page +then the page should render error +> got abstractcontroller::actionnotfound: the action 'index' could not be found for paperscontroller estimated progress: 78% complete" +2065267,"""https://github.com/Lycanite/LycanitesMobs/issues/209""",1.10.2 suggestion option to make mob events local instead of global,"so on my server, one of the things people love is the mob events, however it seems to be a recurring theme that most new players hate it as the events are simply too hard for new players to deal with. if by any chance you could make events spawn local around players rather than global throughout the world, as well as maybe a new player protection time, that would be great." +5286723,"""https://github.com/pmmp/PocketMine-MP/issues/692""",fuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck offfuck off,"issue description steps to reproduce the issue 1. ... 2. ... os and versions pocketmine-mp: php: server os: game version: pe/win10 delete as appropriate crashdump, backtrace or other files ..." +102099,"""https://github.com/lstjsuperman/fabric/issues/28380""",singlemsgtao.java line 238,in com.immomo.momo.l.b.d.b number of crashes: 1 impacted devices: 1 there's a lot more information about this crash on crashlytics.com: https://fabric.io/momo6/android/apps/com.immomo.momo/issues/5a22b4ec61b02d480db9db28?utm_medium=service_hooks-github&utm_source=issue_impact https://fabric.io/momo6/android/apps/com.immomo.momo/issues/5a22b4ec61b02d480db9db28?utm_medium=service_hooks-github&utm_source=issue_impact +3597242,"""https://github.com/NRules/NRules/issues/130""","in certain network topologies, updates don't propagate","when there is a pattern match or a query followed by another query, where the second query has multiple aggregates and ends with a collect , updates to the first fact/query fail to propagate if the second query matches an empty collection. this is because the second query forms a subnet in the rete graph, and updates coming from the outside of the subnet are ignored, because it is assumed that they will propagate through the subnet to avoid double updates . however, when the subnet ends with a collect and there are no facts to collect, the empty collection is propagated. since there are no facts feeding into the collection, the updates are not propagated, so effectively, updates are ignored on both sides. the fix is to propagate the update from the outside of the subnet if there are no facts feeding from the subnet. this ensures only a single update is propagated. example of a match that suffers from this issue facttype1 will fail to propage updates as long as there are no facttype2 facts : c .match => fact1 .query => query2, q => q .match .select x => x .collect" +3755516,"""https://github.com/konsolas/AAC-Issues/issues/463""",spam error console,server version: paper-spigot 1.8.8 aac version: 3.0.5 protocollib version: protocollib v4.2.0 picture : img http://i.imgur.com/wrrqtyr.jpg /img +5045070,"""https://github.com/OptimalBits/bull/issues/684""",add waiting timeout option enhancement,"something like: js const queue = require 'bull' ; const queue = new queue 'test-job' ; queue.on 'global:waiting', function job { console.log 'global:waiting' ; } .on 'global:waiting-timeout', function job, err { console.log 'global:waiting-timeout' ; } const options = { timeout: 10000, waitingtimeout: 10000 } queue.add { data: 'bla' }, options ;" +941488,"""https://github.com/tcmj/tcmj-pug-enums/issues/6""",ability to define javadoc on class level in maven-plugin,description: add ability to define javadoc description per configuration in the maven plugin usecases: 1. define description 2. define location implementation hints: add maven plugin parameter and use already available functionality in class enummodel +3638990,"""https://github.com/PowerDNS/pdns/issues/5845""",bpf dynamic ip block filter to generate feedback or log lines,"- issue type: feature request short description when dynamic ip blocking in dnsdist using bpf, when ips are blocked/unblocked by bpf please generate a feedback lines in dnsdist.log syslog like inserting dynamic block for 172.18.0.1 for 300 seconds: exceeded-query-rate in /var/log/dnsdist/dnsdist.log without bpf using dynamic ip blocking and any block of ips is generating feedbacks usecase when source 1.1.1.1 is sending more volume of dns queries and dynamic ip blocking bpf exceededquery rate if voilated, to generate a feedback lines as inserting dynamic block for 1.1.1.1 for 300 seconds: exceeded-query-rate feedbacks are important for us to get notified on the blocking." +4759255,"""https://github.com/PaddlePaddle/Paddle/issues/1277""",label为dense vector, cost为soft_binary_class_cross_entropy 网络配置,"我简要描述下我的网络结构: 1. 二分类问题 2. 输入的label为dense vector = a, b a + b =1 ,a和b均为float 3.最后一层为sofmax,2个节点 4.cost函数选择soft_binary_class_cross_entropy 附上网络配置,疑问点用红框做标注了: 1. 关于label的维度填写,dense vector的size是填写为1还是2 关于dataprovider.py部分 3b02a7083f18c0460abfecfad78eeb25 8b021f2f80536c6d64706da1129793ad 2. 关于网络配置 由于soft_binary_class_cross_entropy新接口还未添加,故沿用老配置方式: 前一个issue中提到bug, last_layer需要设置为8的倍数,这个值会对配置产生影响,导致check无法通过。 ad858533a33f3ba05fa079409aade89f 上述部分疑问比较多,烦请帮忙下,谢谢!" +1388333,"""https://github.com/github-beta/unity-preview/issues/38""",imposible to login with my github credentials,"version of unity: 5.4.1f1 version of github for unity: 0.10.0.0 platform: windows 10 when i introduce my account data on the login prompt, it doesn't work and just show a message login failed . i revised my login data and it works at my browser. github-unity.log.txt https://github.com/github-beta/unity-preview/files/981206/github-unity.log.txt editor.log.txt https://github.com/github-beta/unity-preview/files/981207/editor.log.txt" +4358304,"""https://github.com/mysociety/belgium-theme/issues/33""",add addition to help pages,"message from partner: could you make a change in the second part of the page https://transparencia.be/help/conditions https://transparencia.be/help/conditions ? old : droit de rectification : conformément aux dispositions légales toutes les personnes peuvent faire rectifier, sans frais, les données qui les concernent et qui s'avéreraient inexactes, incorrectes ou incomplètes. contactez-nous via info@transparencia.be afin d'être informé de la procédure de rectification. new : droit de rectification : conformément aux dispositions légales toutes les personnes peuvent faire rectifier, sans frais, les données qui les concernent et qui s'avéreraient inexactes, incorrectes ou incomplètes. contactez-nous via info@transparencia.be afin d'être informé de la procédure de rectification. responsable du traitement des données : christophe van gheluwe - place van meenen 3 bte 6 - 1060 bruxelles - 0497 18 30 87. it's en legal obligation to give the name and the address of the person who is responsible of the treatment of the personal data." +2556640,"""https://github.com/dart-lang/linter/issues/466""",implement don’t create a lambda when a tear-off will do.,from effectivedart https://www.dartlang.org/guides/language/effective-dart/usage dont-create-a-lambda-when-a-tear-off-will-do +1514888,"""https://github.com/pricingassistant/mrq/issues/144""",a large number of empty subqueues can cause heavy redis traffic,should we move the implementation of the subqueue prefix in a lua script so that redis can skip most empty queues server-side? +1293146,"""https://github.com/CuppaLabs/angular2-multiselect-dropdown/issues/94""",ngonchanges fails on settings change,"if i change settings from a promise ngonchanges fails in multiselect.component, because changes.data is undefined." +1456361,"""https://github.com/thrust/thrust/issues/893""",it is possible to enable stream per thread in thrust?,"this is not a bug. i just want to discuss a cuda stream issue. currently, if users don't specify stream, thrust puts the function on default stream. and the behavior of default stream is defined in file thrust/thrust/system/cuda/detail/execute_on_stream.h this file is removed in cuda 9.0 cpp __host__ __device__ inline cudastream_t default_stream { // xxx we might actually want to use the per-thread default stream instead return legacy_stream ; } is it safe to add a macro switch when compiler detects the flag --default-stream per-thread? cpp __host__ __device__ inline cudastream_t default_stream { ifndef stream_per_thread return legacy_stream ; else return cudastreamperthread endif } and cudastreamlegacy and cudastreamperthread is defined in file ${cuda_toolkit}/include/driver_types.h i hope that default stream per thread can be enabled in thrust without modifing any code but add some flags --default-stream per-thread or -dstream_per_thread from compiler. i did a simple test. it works. but there are some stream issues 684, 560. any suggestion?" +1185305,"""https://github.com/jacopo-j/tnt-downloader/issues/12""",manca un opzione per uscire,"il prompt del programma presenta usualmente due o tre opzioni, e.g. download / s successivo: secondo me dovrebbe presentare anche un modo per uscire oltre al classico ctrl+c , e.g. download / s successivo / q esci:" +3671019,"""https://github.com/SEGUC17/Foobar/issues/56""",notifications/announcments are displayed with user's profile picture,"1. severity: low 2. reported: by hatem 3. description: when i display the notifications, my profile picture is displayed with each notification. 4. steps to reproduce the issue: - login as student - press the notifications on the top right side - you will find your profile picture displayed with each notifications 5. expected result: notifications shouldnt contain user's profile pictrue ! screenshot 85 https://cloud.githubusercontent.com/assets/25323264/25595067/ae24aeb2-2ec3-11e7-8670-83d5c714012a.png ." +3275687,"""https://github.com/sinopsisfilm/sinopsis/issues/6808""",mohabbatein episode 1220,"mohabbatein episode 1220
+http://ift.tt/2pzwen0


+via juragan sinopsis http://ift.tt/2cza012
+may 04, 2017 at 09:36am" +4635149,"""https://github.com/random-forests/tutorials/issues/2""",printing the prediction in tensor flow not working,"i am trying to follow your seventh episode and trying to print the prediction using tensor flow as depicted : print predicted %d, label: %d % classifier.predict test_data 0 , test_labels 0 but i am getting the following error : print predicted %d, label: %d % classifier.predict test_data 0 , test_labels 0 typeerror: %d format: a number is required, not generator how to fix it ?" +1281773,"""https://github.com/lstjsuperman/fabric/issues/12816""",phonelayoutcontroller.java line 472,in com.immomo.molive.gui.activities.live.plive.layout.phonelayoutcontroller.inflatebottomtoollayout number of crashes: 1 impacted devices: 1 there's a lot more information about this crash on crashlytics.com: https://fabric.io/momo6/android/apps/com.immomo.momo/issues/59ad8b55be077a4dcc1b7378?utm_medium=service_hooks-github&utm_source=issue_impact https://fabric.io/momo6/android/apps/com.immomo.momo/issues/59ad8b55be077a4dcc1b7378?utm_medium=service_hooks-github&utm_source=issue_impact +1860729,"""https://github.com/prettier/prettier/issues/1369""",max printwidth not working consistently,"i have some tests that look like this js it 'this should auto fix the print width, but for some reason it doesnt', done => { return; } this breaks the 80 column limit, but format doesnt seem to fix it. live example https://prettier.github.io/prettier/ %7b%22content%22%3a%22%20%20it 'this%20should%20auto%20fix%20the%20print%20width%2c%20but%20for%20some%20reason%20it%20doesnt'%2c%20done%20%3d%3e%20%7b%5cn%20%20%20%20return%3b%5cn%20%20%7d %22%2c%22options%22%3a%7b%22printwidth%22%3a80%2c%22tabwidth%22%3a2%2c%22singlequote%22%3afalse%2c%22trailingcomma%22%3a%22none%22%2c%22bracketspacing%22%3atrue%2c%22jsxbracketsameline%22%3afalse%2c%22parser%22%3a%22babylon%22%2c%22semi%22%3atrue%2c%22usetabs%22%3afalse%2c%22doc%22%3afalse%7d%7d might be related to https://github.com/prettier/prettier/issues/1110" +2082084,"""https://github.com/ably/tutorials/issues/38""",queue tutorials: should we use channel get rather than channel consume?,"inspired by intercom conversation https://app.intercom.io/a/apps/ua39m1ld/inbox/all/conversations/8128380886 just now. given we're putting emphasis on the queues as a way for people to use multiple independent workers to each pop messages off to process, rather than for streaming, should we consider having the tutorials use channel get 'pop one message off' rather than channel consume 'stream messages as fast as they come' ? i know my queue-demo used consume , but that was so we could show off how fast messages got into the queue and 'processing time' was ~0 as it was just printing them to the console , so the streaming method was fine . we could even showcase some basic limited concurrency, e.g. something like: function processitem item, cb { console.log processing item: , item && string item.content settimeout cb, 5000 ; } function getmessage channel { channel.get queue, {}, err, item => { if !item { settimeout => getmessage channel , 1000 ; return; } processitem item, err => { if err { channel.nack item ; } else { channel.ack item ; } // processing finished, so get another message getmessage channel ; } ; } ; } const max_concurrency = 5; amqp.connect url, err, conn => { if err bail err ; console.log connected ; conn.createchannel err, ch => { for let i=0; iwbcommonbuttonstylepagecardview;isnormalbutton;wbcommonbuttonview.m;2240 +wbpagecardbuttonview;reloaduielements;wbpagecardbuttonview.m;120 +wbpagecardbuttonview;initwithframe:;wbpagecardbuttonview.m;69 +wbpagecardbubbleview;resetpagecard:;wbpagecardbubbleview.m;183 +wbpagecardtableviewcell;resetpagecard:;wbpagecardtableviewcell.m;170 +wbcardbasetableviewcontroller;setthecell:forindex:tableview:usecard:;wbcardbasetableviewcontroller.m;697 +wbcardbasetableviewcontroller;tableview:cellforrowatindexpath:;wbcardbasetableviewcontroller.m;611 +wbsegmentpageviewcontroller;tableview:cellforrowatindexpath:;wbsegmentcardlistviewcontroller.m;808 +prlmtableview;layoutsubviews;prlmtableview.m;38 +wbtableview;layoutsubviews;wbtableview.m;455 reason selector name found in current argument registers: isnormalbutton link to hockeyapp https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/195819856 https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/195819856" +3947204,"""https://github.com/graphite-ng/carbon-relay-ng/issues/182""",kafka error output variable missing,kafkamdm test : failed to submit data: kafka: failed to deliver 10000 messages. will try again in 10.097165845s this attempt took %!s missing +774537,"""https://github.com/janzeteachesit/Learning-Diary/issues/222""",sieve of eratosthenes - geeksforgeeks,"sieve of eratosthenes - geeksforgeeks
+http://ift.tt/1n1hvrq
+label: github
+date: march 08, 2017 at 01:34pm
" +2203760,"""https://github.com/llimllib/bloomfilter-tutorial/issues/8""",bloom filter explanation,hi @llimllib great explanation. though i was wondering in the case below: ! image https://cloud.githubusercontent.com/assets/13968539/26167794/b073de92-3aec-11e7-8447-b872b223b26e.png when string 'pppp' is not there it still says it's there that means it has false negatives. why so ? +549376,"""https://github.com/perliedman/elevation-service/issues/15""",post geojson file,how can i post a geojson file to your repo and get back file with elevation? +1719004,"""https://github.com/TheDarkCorner/Bloop-API/issues/10""",managing server client list,listeners will keep a database of known clients. refreshes when a change is made on the network topology. or when a change is made during periodic checks. file format: yml +761753,"""https://github.com/cloudfoundry/cf-mysql-release/issues/150""",proxy should provide a database link,"if i am using the proxy to connect to my database, i cannot use bosh links and must provide the port information directly in my other jobs' properties. because the proxy is effectively a database by virtue of acting as the front of a database it should provide a link that my other jobs can consume." +1893672,"""https://github.com/dotnet/wcf/issues/2290""",osx https certificate callbacks don't work,"there was a change in .net core 2.0 for httpclient on osx which disabled using certificate validation callbacks. as wcf always sets a callback, all https requests will fail on osx. we can add some workarounds to wcf to enable some scenarios. for osx only, we need to have the following behaviors for each of the possible x509certificatevalidationmode values: x509certificatevalidationmode | behavior -----------------------------------|---------- none | use the special callback handler httpclienthandler.dangerousacceptanyservercertificatevalidator peertrust | throw platformnotsupportedexception . i think we already do for other reasons chaintrust | set no callback as the default behavior is chain trust peerorchaintrust | throw platformnotsupportedexception . i think we already do for other reasons custom | throw platformnotsupportedexception" +1769764,"""https://github.com/angular/material2/issues/2977""",select offset 1px off in chrome,"since options switched to use line-height rather than align-items, the alignment has been 1px off in chrome. looks right in firefox." +988449,"""https://github.com/kubernetes/client-go/issues/201""",is there a client-go version compatible with kubernetes 1.2 api?,"i want to use client-go to rewrite my k8s client api, but our team is using kubernetes 1.2 version in product environment, how can i do? thank you very much!" +435338,"""https://github.com/pi-hole/pi-hole/issues/1082""",feature request: installationscript default webserver folder,"in raising this issue, i confirm the following please check boxes, eg x failure to fill the template will close your issue: - x i have read and understood the contributors guide https://github.com/pi-hole/pi-hole/blob/master/contributing.md . - x the issue i am reporting can be replicated - x the issue i'm reporting isn't a duplicate see faqs https://github.com/pi-hole/pi-hole/wiki/faqs , closed issues https://github.com/pi-hole/pi-hole/issues?utf8=%e2%9c%93&q=is%3aissue%20is%3aclosed%20 , and open issues https://github.com/pi-hole/pi-hole/issues . how familiar are you with the codebase?: 6{replace this text with a number from 1 to 10, with 1 being not familiar, and 10 being very familiar}_ --- feature request : it would be quite helpful if we could change the directory of the webadmin repository during the installation. due to multiple pages running on the pi i and i expect more than me always manipulate the basic-install.sh with my own webinterfacedir line 27 . furthermore it would be helpful to choose which webserver pihole should use. i am running apache and pihole is still requesting lighttpd, which i need to uninstall after a clean installation. cheers _this template was created based on the work of udemy-dl https://github.com/nishad/udemy-dl/blob/master/license ._" +434328,"""https://github.com/participedia/frontend/issues/648""","change hamburger icon default colour to white, grey on hover",grey default gives the impression that you can't click it. +3887287,"""https://github.com/snood1205/ifttt/issues/1143""",it's april 30 2017 at 12:00am!,"it's april 30, 2017 at 12:00am! @snood1205" +5243071,"""https://github.com/WordPress-Coding-Standards/WordPress-Coding-Standards/issues/1239""",prefixallglobals: make independent of case naming conventions,"i think the prefixallglobals sniff should be more code style independent, i.e. remove the need for an underscore between the prefix and the class/function/variable name. should the sniff really care about whether people use camel_caps, camelcase, snake_case or any other variant of naming conventions, as long as whatever name is used, is prefixed ? just wondering what the opinions are about this. related to 763" +765717,"""https://github.com/OpenDataServices/org-ids/issues/50""",access to the changelog for each list,lists get updated over time. it would be useful from a list page for users to be able to see the history of changes to a list and if any changes are pending . one possible way to do this would be to access the github commit api https://developer.github.com/v3/repos/commits/ for the relevant code and see what we can display to the user from that. e.g. https://api.github.com/repos/opendataservices/org-ids/commits?path=codes/us/us-hi-cr.json +1053716,"""https://github.com/OpenLauncherTeam/openlauncher/issues/270""","when item is dragged out of a folder directly onto edit , the item then disappears from the folder",general information app version: 0.5.5 android version: 7.1.1 expected result what is expected? item should go back into folder where it was. what does happen instead? item disappears. steps to reproduce 1. put a few items into a folder 2. drag one out of the folder onto edit 3. tap ok or cancel 4. look for that icon in the folder it's not there +1006259,"""https://github.com/NG-ZORRO/ng-zorro-antd/issues/101""",bug nz-col 当指定 nzoffset 时,响应式下会导致无法缩进,"i'm submitting a...
 x bug report  feature request documentation issue or request regression a behavior that used to work and stopped working in a new release support request => please do not submit support request here 
current behavior ! 123 https://user-images.githubusercontent.com/2987467/29494064-3608c3dc-85d5-11e7-871f-c2417489f59b.gif html
nzxs 即屏幕小于 768px 时,应该同 username & password 一样靠向最左边,但受了 nzoffet 影响了。 react 版本中, nzxs 支持一个复合对象,类似: nzxs = { span: 24, offset: 0 } 。" +2302019,"""https://github.com/holgerbrandl/send2terminal/issues/1""",send2terminal option is disable,"hey there, i've installed this plugin and i was trying to use. however, i've followed your instruction but didn't work. i selected the line, clicked on right button and i could see the option send to terminal but the submenu is empty. i am using macos with the newest version updated. regards, fabio" +1106559,"""https://github.com/indieacademy/indieacademy.github.io/issues/33""",add advanced tracking,add advanced autotrack to project. resources - https://philipwalton.com/articles/the-google-analytics-setup-i-use-on-every-site-i-build/ +210024,"""https://github.com/andreiyv/Fotobot/issues/1""",android 5 external disk permissions,add code to allow to write on ext sd on android > 5.0. +5238293,"""https://github.com/AtlasOfLivingAustralia/biocollect/issues/731""",show australia global project button on hub's project finder,add a config variable to hub's theming interface to control the visibility of a button on project finder. the button is the one used to switch between australia and global projects. +2888054,"""https://github.com/conda-forge/suitesparse-feedstock/issues/17""",compiling libmetis leads to problems,"after i updated kwant to openblas 0.2.19|0.2.19. , installing suitesparse leads to segmentation fault core dumped when importing kwant . this reproduces the problem: bash conda create --yes --copy --name test6 python=3.5 source activate test6 conda install --yes -c conda-forge kwant=1.2.2 python -c 'import kwant' conda install --yes -c conda-forge suitesparse python -c 'import kwant' it's probably because suitesparse has it's own libmetis , while there is a metis-feedstock https://github.com/conda-forge/metis-feedstock/" +3192441,"""https://github.com/GNS3/gns3-server/issues/854""",unicodeencodeerror: 'charmap' codec can't encode character '\u200e' in position 130: character maps to ,"https://sentry.io/gns3/gns3-server/issues/201180929/ unicodeencodeerror: 'charmap' codec can't encode character '\u200e' in position 130: character maps to 1 additional frame s were not displayed ... file ./gns3-server\gns3server\handlers\api\controller\drawing_handler.py , line 83, in update file c:\jenkins\workspace\release windows\windows\python-3.5.2\lib\asyncio\coroutines.py , line 206, in coro file ./gns3-server\gns3server\controller\drawing.py , line 184, in update file ./gns3-server\gns3server\controller\drawing.py , line 130, in svg file c:\users oplay\appdata\local\programs\python\python35\lib\encodings\cp1252.py , line 19, in encode unicodeencodeerror: 'charmap' codec can't encode character '\u200e' in position 130: character maps to " +1280331,"""https://github.com/RogerAI/Roger.Widget.ChromeExtension/issues/21""",loading of loalty text feels clumsy,when swiping through the loyalty badges the text loads when the swip animation is done. this feels way less responsive or smooth as the rest of the app. +313478,"""https://github.com/grafana/grafana-docker/issues/116""",issue in the run.sh - cannot build the image,"hi. due to some change made in the run.sh file. after building, when i run the image it throws the below error docker run -p 8282:3000 grafana4.6 chown: invalid user: 'grafana:grafana'" +187306,"""https://github.com/pierobot/mangapie/issues/41""",cleanup regex in mangaupdates.php,i have some capture groups i don't need that i can get rid of. +3962836,"""https://github.com/pteixeira/catraio/issues/53""",style taps for public and management,style taps menu in the main and management pages +3139760,"""https://github.com/whatwg/streams/issues/669""",don't touch controller directly in writablestreamdefaultwriterrelease,"follow up for 655. once the pr is committed, writablestreamdefaultwriterrelease would look at the controller directly. this shouldn't be a part writablestreamdefaultwriterrelease which is one of the writablestream's abstract operation." +3319331,"""https://github.com/arduino/Arduino/issues/6583""",new library ds1307newalarms,"please, publish this new library. https://github.com/milebuurmeijer/ds1307newalarms thank you, milé buurmeijer" +4938037,"""https://github.com/areaDetector/ADPCO/issues/5""",adpco lacks a release.md file,"areadetector repositories should all have a release.md file that describes each release. adpco has several tags, but no release.md file. this can be created retroactively by looking at the differences between each release. @argonnexraydetector can you please do this?" +1415151,"""https://github.com/Microsoft/vscode/issues/20287""",fr: switch to ms edge-like title bar for windows,is it possible to switch to edge-like title bar for vs code on windows. similar to the vs code ui for ubuntu and mac? -- except with the file bar menu hidden behind a ms hamburger button in the left corner. ! edge's title bar http://i.imgur.com/gr07gb6.png +1895621,"""https://github.com/GoogleChrome/lighthouse/issues/1691""",switch to cross platofrm scripts for tests,currently tests require bash which isn't available by default on windows. after 1280 is merged we should use native node.js scripts with the help of shell.js or something so that scripts work out of the box everywhere. +2281597,"""https://github.com/Pierrebleroux/misha-le-roux-designer-website/issues/3""",animate logo on the frontpage.,logo should be animated on the front page. +4933010,"""https://github.com/Pokerpoke/Ras_node/issues/4""",playback is mono on tiny4412,it should be stereo on tiny4412 +4846293,"""https://github.com/davisnando/need_to_rename/issues/1""",multiple foreign keys,when you have multiple foreign you need to run php migrate.php twice other wise it only generate the first foreign key the second time it generate the rest +5315910,"""https://github.com/TwilioDevEd/authy2fa-servlets/issues/5""",incorrect protocol return in hmac validation resulting in an invalid signature calculation,"working with a customer, we found that the following snippet returns http even when https is being used in browser and callback. https://github.com/twiliodeved/authy2fa-servlets/blob/master/src/main/java/com/authy/onetouch/requestvalidator.java l41 by recreating the 'url' listed above and hard-coding https the signature generation works fine." +4882449,"""https://github.com/ticki/eudex/issues/14""",any c/c++ implementation?,hi! this looks really cool -- i'm curious if there is already a c or c++ implementation available? thanks! +698978,"""https://github.com/cockpit-project/cockpit/issues/8318""",image refresh for ubuntu-stable,image refresh for ubuntu-stable image-refresh ubuntu-stable +1507234,"""https://github.com/chrmarti/testissues/issues/7918""",indicate unsaved state closer to file name with tabs disabled,"i'm trying to run with tabs disabled workbench.editor.showtabs : false and thought that the dirty marker is missing entirely: ! image https://user-images.githubusercontent.com/101152/32141897-e1282270-bc8b-11e7-934a-8e5b28efa371.png it's in the top right corner but that's far from where i would normally expect it: ! image https://user-images.githubusercontent.com/101152/32141908-0b99ee62-bc8c-11e7-83ef-9ca702f3e8cd.png with tabs enabled, it is where i would typically look for it: ! image https://user-images.githubusercontent.com/101152/32141927-80b3e270-bc8c-11e7-9981-c14b8d5aed8e.png - vscode version: 1.17 - os version: win10" +1904170,"""https://github.com/shakacode/bootstrap-loader/issues/318""",question optimize bs4.css with this loader?,"hey, i really like this project and have been using the bs4 version since it was offered. now with the first bs4-beta release i came to ask myself, why is it again that this loader is needed? in the official bs documentation is a section on webpack now: https://getbootstrap.com/docs/4.0/getting-started/webpack/ what was intriguing earlier was to use it in conjunction with css modules. now i just use bootstrap 4 scss and css modules side by side. it would be really nice if some of the optimizations that css in js offer, e.g. remove unused bs4 styles etc. could be done. or a way of how to use bs4 in a composable manner through custom react components without having to include bs4.css globally? would this be a different project or is it possible to do some optimizations through this loader in the future? maybe i am also just taking bootstrap-loader for granted because it works so smooth and my questions are nonsense to you? i think it would be great to add a short statement of purpose of this loader to the readme. thanks in advance for a reply :smile_cat:" +4303899,"""https://github.com/planetxamarin/planetxamarin/issues/228""",proposal: remove map,i don't really think it is necessary and fills a lot of the screen. please vote! +2989315,"""https://github.com/yquake2/xatrix/issues/10""",missing new monsters and maybe new equipments,"i suppose more test needed that all new contents are missing in the last version 2.05 . on the first map the enemy count is 0/14 instead of 0/38 in easy mode , the only 2 monsters present in the first part of the map are 2 grunt at the end. sorry for my english, i will do more test when possible. op: windows 7 64 bit tested on: gog edition and original cd-rom release 1998 edition" +50834,"""https://github.com/githubschool/open-enrollment-classes-introduction-to-github/issues/2899""",add burnley to the map,"adding burnley to the map hi everyone! this issue is to track the addition of burnley to the map, which can be found at: - longitude: -2.242241 - latitude: 53.789404" +4788286,"""https://github.com/Grandwent/-/issues/1""","наружная реклама, вывески, полиграфическая продукция","быстрое и эффективное продвижение продуктов – залог успеха любой компании. наружная реклама, вывески, полиграфическая продукция http://alexpress.info/ от рекламного агентства «алекспресс» в казани станут выгодным решением для вашего бизнеса. вы сможете изучить проектное портфолио на портале alexpress.info. квалифицированные консультанты ответят на все ваши вопросы." +786650,"""https://github.com/RowennaRoelofsen/POC-eHealth/issues/5""",textarea id = text verticaal centreren,de tekst lijkt nu wel gecentreerd maar als je meer dan 1 regel typt is dit niet meer het geval. +31,"""https://github.com/MatisiekPL/Czekolada/issues/1641""",issue 1639: issue 1637: issue 1634: issue 1633: issue 1630: issue 1629: issue 1626: issue 1625: issue 1622: issue 1621: issue 1618: issue 1616: issue 1615: issue 1612: issue 1611: issue 1608: issue 1607: issue 1604: issue 1603: issue 1600: issue 1599: issu,"gitlo = github x trello +--- +this board is now linked with https://github.com/matisiekpl/czekolada , any update on the issue tracker will be sync to this board. ------- +via trello, you can: --- __✍ create github issues__ - add a card in the corresponding column, an issue will be created in github ! add an issue http://i.imgur.com/yewicu8.gif ------- __✐ comment on github issues__ - just comment as you always do in a card ! comment on an issue http://i.imgur.com/jdnjscf.gif ------- __➦ close opened issues__ - move issue cards to close list - of course you can reopen them by dragging them out of close list ! close an issue http://i.imgur.com/opaazo8.gif ------- __✕ close pull requests__ - move pr cards to close list - important: you can not merge a pr via trello ! close pr http://i.imgur.com/nras2dg.gif __✚__ add any custom columns you need - the column will be sync to github as a label ------- default columns +--- +we've set up default columns for you - please help keeping them in place ; you can also add your custom columns to enhance your work flow. ! add a column http://i.imgur.com/1rxnqcv.gif ------- dashboard & settings +--- +for the owner of the project, just visit http://gitlo.co to update the settings. ------- want more? +--- +let us know at http://smarturl.it/gitlo-feedback or mail us at gitlo@oursky.com ┆attachments: https:& x2f;& x2f;github.com& x2f;matisiekpl& x2f;czekolada& x2f;issues& x2f;1639" +2071021,"""https://github.com/haf/expecto/issues/201""",make fscheck tests use custom generators registered by arb.register.,"currently, using custom generators is a little hard." +1494601,"""https://github.com/Microsoft/ws2016lab/issues/43""",cannot bind argument to parameter 'path' because it is null,"hi, i ran the create parent disk script and got this error message at the end." +3169070,"""https://github.com/tgienger/Ultimate-Crosshair/issues/5""",ultimate crosshair isn't staying up when i click on a new window help!!!!!!!!!!!,ultimate crosshair goes behind a window if i click on it help!!!!!!!!!!!!!!!!!!!!! +4521952,"""https://github.com/keighrim/mae-annotation/issues/71""",annotation task cannot have one element,"i tried to load the following annotation task: xml this fails with the message mae-io-dtd-exception: dtd does not contain any definition, maybe not a dtd file? there is no problem if i add a single line: xml " +2711999,"""https://github.com/jackaudio/jack1/issues/66""",please make a release,last release was in september 2016. +653770,"""https://github.com/KenshiDRK/Addons/issues/2""",partybuff random icon sizes,"so how come half the icons are 10 and some are double that. i changed the settings from 10 to 20 and now some are randomly double those. usually shell protect and blink, but not limited to those." +2380476,"""https://github.com/TypeStrong/typedoc/issues/501""",how to not generate source file links?,is there a setting to not have typedoc generate source file links ie. the defined in url_to_source _and_line_number ? i have no need for this feature and it results in very noisy commits whenever i run typedoc and put the output into /docs on master branch because blob urls for referenced sources changes every time +3185436,"""https://github.com/contiv/netplugin/issues/705""","when constructing leader url for forwarding requests, netmaster should not use a hardcoded port",see discussion in: https://github.com/contiv/netplugin/issues/704 the ports are currently hardcoded in the following two spots: - https://github.com/contiv/netplugin/blob/c891b87f51f75c6c3cad0bde6bb92b0dab38b2fb/netmaster/daemon/utils.go l113 - https://github.com/contiv/netplugin/blob/c891b87f51f75c6c3cad0bde6bb92b0dab38b2fb/netmaster/daemon/daemon.go l109 +825590,"""https://github.com/Rosemeis/pcangsd/issues/1""",how to get the eigenvector and eigenvalue?,"hello, i apply pcangsd in genotype likelihoods in beagle format from angsd , and get the results with suffix include .cov .inbreed .indmafs.gz .mafs.gz .selection.gz. but i can not find the result of pc in each individual. i hope to draw a picture like this. ! image https://user-images.githubusercontent.com/19344997/30916857-fcf6feea-a3cc-11e7-8c93-b4bd63ad963c.png in the .selection.gz file i see something like that, but each row is snp, not individual. ! image https://user-images.githubusercontent.com/19344997/30916959-54384326-a3cd-11e7-8e13-a408d926d215.png how i can get a picture like the normal pca show? thank you!" +2280129,"""https://github.com/eirslett/frontend-maven-plugin/issues/547""",webpack + eclipse m2e support,following your documentation the build is triggered by changing the package.json indeed it works . is it possible to trigger webpack also on changing any source file e.g. css or js file ? +3250827,"""https://github.com/aws/chalice/issues/541""",chalice logs times out,"hi, when running either chalice --debug deploy or chalice --debug logs i receive this: bash chalice --debug logs 'communication error', error 110, 'connection timed out' any tips on debugging? is this an issue with my internet connection and how can i go about debugging this?" +5260341,"""https://github.com/isteven/angular-multi-select/issues/542""",group-property does not work if input-model is generated via ajax,"region 1 is not actually being rendered as a group but like just an other row. ! image https://user-images.githubusercontent.com/5746500/32733401-11bc84b0-c887-11e7-9e0a-8d4c124f01be.png
result.$promise.then function data { for item in data 'result' { d_item = data 'result' item ; try { if d_item 'msgroup' == 1 { d_item 'msgroup' = true; } else { d_item 'msgroup' = false; } } catch error { console.log 'error', d_item } } $scope.locations = data 'result' ; } ;" +3918685,"""https://github.com/zurb/building-blocks/issues/246""",bug with cloning for contributing,hi - i'm trying to contribute a block so have followed the instructions in the video but even an unmodified copy fails to compile locally: git clone https://github.com/zurb/building-blocks.git cd building-blocks npm install && bower install npm run start fails at buildingblocksass : 22:36:45 starting 'buildingblocksass'... error in plugin 'sass' message: src\building-blocks\alert-callout-border\alert-callout-border.scss error: undefined variable: $medium-gray . on line 9 of src/building-blocks/alert-callout-border/alert-callout-border.scss >> border-left-color: $medium-gray; ---------------------^ +3648404,"""https://github.com/Miller189/RaiderPlanner/issues/4""",4. main branch issue 13 produce a single application executable,"text from sanchez: > the project build should produce a single executable jar, which can be wrapped in an appropriate shell wrapper for linux and unix or an .exe wrapper for windows . > have the build create a single executable jar which also contains all project runtime dependencies i.e., can be run with the shell command java -jar radierplanner.jar > have the build create a shell wrapper for the executable jar i.e., can be run with the shell command ./raiderplanner on linux and unix > have the build create an .exe wrapper for the executable jar i.e., can be run with the shell command raiderplanner.exe or by double-clicking on windows > related resources: >http://launch4j.sourceforge.net/ >http://jsmooth.sourceforge.net/ >http://makeself.io/ @aar118 is working on this issue for build.xml. once his solution is confirmed & merged, translate it to build.xml." +1382140,"""https://github.com/Connexions/cnx-recipes/issues/139""",target= _blank does not seem to work anymore,this is added to some links i think external ones like simulations +1044958,"""https://github.com/mapbox/mapbox-java/issues/614""",fix direction bearing being placed in order added rather than the meaning of coordinate,"if i define a destination first and then an origin, the bearing values should be switched to continue representing the order." +2289491,"""https://github.com/miguel-mx/simetrias2017/issues/7""",recomendaciones no solicitadas,validar que la recomendación haya sido solicitada correo electrónico válido +5064903,"""https://github.com/mikini/oeffe-website2/issues/1""",separate texts used in emails from code,goal is to make it easier for non-dev admins to edit the texts. obvious way is to just store each type order/member mail for both staff and user in a separate template file and included it from mail.php. alternatively store in a database. +5211330,"""https://github.com/SublimeTextIssues/Core/issues/2073""",clicking on selected text does not deselect text - again,"when text is selected, often times clicking in blank areas around the selected text mostly to the right does not deselect the text. this happens not only in the editor, but also in the find/replace text entry areas. when an entire file is selected in the editor, it is sometimes impossible to deselect the text by clicking anywhere in the document other than by clicking below the selected text. i thought i had this fixed a year ago by making a change to a font size or something. i can't remember how it was fixed. steps to reproduce: 1. select text 2. click to the right of the selected text to deselect it, text does not deselect. environment: -windows 7 x64 monitor: -lg ultrawide on nvidia quadro k3000m -2560 x 1080 sublime text -sublime text 3 build 3154" +2428537,"""https://github.com/mwiora/namebench/issues/12""",the default site for uploads seems offline,"hi. the subject mostly says it all. the site http://namebench.appspot.com/ that is listed when invoking namebench with the --help option gives a 404 message. perhaps the option should be retired or a substitute site should be found? thanks in advance for keeping namebench maintained, rogério brito." +4833632,"""https://github.com/erkserkserks/h264ify/issues/39""",can't play 4k and 8k,h264ify is smoothly can play the low cpu so need the play the youtue to h264ify but h264ify can't play youtube 4k and 8k so surpport youtube 4k and 8k +5279438,"""https://github.com/tgstation/tgstation/issues/26906""",it is not possible to eject more than 1 sheet of plasteel from the orm,"server revision compiled on: 2017-05-04 the following pull requests are currently test merged: 23201: ' wip datum verbs and top menus!' by mrstonedone based off master commit: 6f429ba9c99ede22efb9d049a5ab450075cf000d 1 load metal and plasma ore. 2 attempt to vend more than 1 sheet of plasteel. 3 only one sheet comes out, only one sheet of materials are used." +3244168,"""https://github.com/nkons/r2rml-parser/issues/23""",invalide .jar archive,"i trying to build it from source code using eclipse on windows 10. i have all the necessary dependencies installed. however, after importing an existing maven project i get the following error. description resource path location type the container 'maven dependencies' references non existing library 'c:\users\pradeep\.m2\repository\com\oracle\ojdbc6\11.2.0.3\ojdbc6-11.2.0.3.jar' r2rml-parser build path build path problem for some reason, instead of having a .jar file at the specified location i have a .lastupdated ojdbc6-11.2.0.3.jar.lastupdated file over there. changing the extension to .jar throws another error saying invalid archive . screenshots. ! eclipseerror https://cloud.githubusercontent.com/assets/25187880/23823177/d6fd4f52-0654-11e7-81d5-705b779dd40c.jpg ! files at the location https://cloud.githubusercontent.com/assets/25187880/23823178/d75b8fcc-0654-11e7-96a5-eae74a8c5eb2.jpg i'll use the binaries in the meantime and thank you for making this useful tool." +1788351,"""https://github.com/comprodls/libs-engine-mcq/issues/15""",feature answer option type select,this drop down is currently not enabled. please enable an update this issue. +887352,"""https://github.com/opensim-org/opensim-core/issues/1926""",use less prominent color for deactivated muscles,david proposed the following color scheme for muscles: ! proposedmusclecolors https://user-images.githubusercontent.com/4203505/30457860-10f922c0-9977-11e7-954d-b6a57209a5d0.png here's an example that was generated with an early version of the gui: ! example https://user-images.githubusercontent.com/4203505/30457846-068d06e4-9977-11e7-9cef-e781f81d08fb.png any objections @jenhicks @aseth1 @aymanhab @chrisdembia? +2857615,"""https://github.com/shagu/pfUI/issues/399""",numbers on the powerbar of target,"i want add numbers to the powerbar of target. mana, rage, etc thx." +3760541,"""https://github.com/Alcampopiano/STATSLAB/issues/1""",latest banhoch push,"hello allen, andrew here, i was creating group figures with the latest pull of the pipeline, i noticed on march 14 you did a commit to do with the fwe benhoch option. in pbgroupfigtf_sample.m i think there are 4 a,b,axb,case0 instances where fwe is string compared but it is not found in the stats structure. let me know if this works for you. at the moment i just commented out the option and it is working. andrew" +507021,"""https://github.com/ualbertalib/avalon/issues/110""",bibliographic import pull down triggers alert as if the import button were selected,"bibliographic import type pull down triggers alert as if the import button were selected on the resource description edit page, there is the bibliographic id field. clicking the import button triggers an alert about modifying data. this alert also shows up when clicking the pulldown menu to select the import type. expected behavior the alert should not show up when selecting the import type actual behavior the alert shows up when selecting the import type steps to reproduce the behavior 1. go to an item 1. select edit 1. select resource description 1. select the type pulldown under the bibliographic id field." +129041,"""https://github.com/amethyst/amethyst/issues/162""",extend window functionality.,"currently, very little window functionality is exposed. functions like set_title , set_cursor , set_cursor_position and set_cursor_state would be very useful, plus information like whether the window has exclusive fullscreen or not. the following approaches have been brought up on gitter: 1. extend the current interface of gfxdevice 2. having the inputhandler a reference to window and integrate the cursor management 3. directly expose the window as resource 4. have a proxy window resource, which is checked by the engine loop and updates the backend window accordingly" +3543425,"""https://github.com/HealthCatalyst/healthcareai-r/issues/452""",remove intestwindow from healthcare.ai examples,"the new deploy method does not train a model. therefore, it follows that any data passed to deploy should get a prediction. this is tied to issue 436, which will remove all training from deploy." +2979805,"""https://github.com/hyww/simple-blog/issues/3""",navigation broken when less than 20 articles,navigation broken when less than 20 articles +1685651,"""https://github.com/OpenZeppelin/zeppelin-solidity/issues/252""",improve test helper timer,"idea: 'use strict'; // timer for tests specific to testrpc // s is the amount of seconds to advance // if account is provided, will send a transaction from that account to force testrpc to mine the block module.exports = s => { return new promise resolve, reject => { web3.currentprovider.sendasync { jsonrpc: '2.0', method: 'evm_increasetime', params: s , id: new date .gettime }, function err { if err { return reject err ; } web3.currentprovider.sendasync { jsonrpc: '2.0', method: 'evm_mine', id: new date .gettime }, err, result => { if err { return reject err ; } resolve result ; } ; } ; } ; };" +4808190,"""https://github.com/uschmann/3dcalculator/issues/1""",we need cia pls,"hello, i love ur app but, i prefer it in cia, you please can convert it to cia? sorry for my english, i am not native xd" +2017811,"""https://github.com/exercism/trackler/issues/28""",improve signature of track docs method to avoid confusion,"this is totally my bad... the track docs method has a confusing signature: https://github.com/exercism/trackler/blob/master/lib/trackler/track.rb l84-l86 def docs image_path = default_image_path openstruct.new docs_by_topic image_path end this means that when it's used it looks like this: track.docs /api/v1/tracks/%s/images/docs/img % id in order to make this more readable, i would suggest that we use a keyword argument called :image_path . we would want to make it backwards-compatible until we bump trackler another major version." +4849804,"""https://github.com/juliandescottes/piskel/issues/635""",working with opacity?,"i love this app, it is really ideal for pixel art but i miss some semi-transparancy for when making water tiles etc., any support for this at all? it seems i can only make fully transparent or nontransparent pixels, nothing in between :c" +4294885,"""https://github.com/roswell/roswell/issues/269""",members in roswell.,"i think it's better to maintain members who can commit all of roswell repository by how active they are. basically, people who commit more frequently than once a three month should be in the circle. i think a rule should be applied at the end of year. to give membership. who have will to contibute. if a member ask and accept to be a member. to take membership. who are not active at all more than half year. might keep them as collaborator. i'm thinking @fukamachi and @eudoxia0 don't need full access anymore." +2724691,"""https://github.com/aroman/elementary-on-a-mac/issues/42""","works on macbookpro5,4","i just want to point out that elementaryos and the refind works on a mid-2009 core2duo macbook pro. in fact i am writing this using the machine. however, my os x is 10.10 yosemite . also, i think it's worth adding this https://www.reddit.com/r/elementaryos/comments/38e5aq/elementaryos_on_macbook_pro/crvsrt3/ copying color calibration settings to make your display in elementaryos looks as good as os x / macos because it helped my eyes a lot." +3131827,"""https://github.com/openscope/openscope/issues/677""",add test that ensures all airport files in load list are valid json,"it would be great to have a test that tries to load all the airport jsons dictated by the load list, and then fail if any of them are not valid json data." +1813021,"""https://github.com/neuropsychology/NeuroKit.py/issues/45""",how to find non-responders for eda?,"hi there, i have read that around 5% of the people are non-responders for eda. how can they be identified and removed from the experiment ? i'm thinking about looking at the number of peaks a person who has almost no peaks after a stimulus might be a non-responder ." +786801,"""https://github.com/geordanr/xwing/issues/468""",title: royal guard with saber squadron,"hello guys, i just discover your website, this is awesome! i saw that something is not working properly. with the tie interceptor, we should be able to put the title: royal guard with the pilot saber squadron pilote because he is a 4. could you check it out? thanks!" +986325,"""https://github.com/sarahholden/fundamentals/issues/171""",9 all of it - inconsistent use of semicolons following functions,"sometimes you have semicolons after function definitions - example - all of 9.1 except the screenshots. it looks like actually in general, the screenshots don't have semicolons but the text do. however there are exceptions - in the _9.5 cheat sheet_, under '_defining and calling javascript functions'_, no semicolon. the next section, under parameters, there is a semicolon after an identically declared function. and sometimes you have semicolons after function declarations and not function expressions, or vice versa.... tbh i have no idea whether there should or should not be semicolons after function declaration or function expressions well, i think i do but would rather someone that currently codes in js call it , but please find out and fix them so it's consistent." +2430589,"""https://github.com/clemahieu/raiblocks/issues/111""",add text and descriptions to loading screen,add 'initializing' class which can pump information to the loading screen. +3032279,"""https://github.com/friendica/friendica/issues/3118""",fresh install: vier theme isn't enabled by default,"on a fresh install of the develop branch 3 weeks ago, i saw that the vier theme isn't enabled by default although it is set as the default in the .htconfig file. not sure if it has any practical implication for anything but i was confused when i visited the admin -> themes page not to see the current theme enabled." +4506026,"""https://github.com/anshooarora/extentx/issues/108""",project selection dropdown is cropped,"if project names are slightly longer, they are cropped. screen" +843729,"""https://github.com/tbeu/Modelica/issues/1448""",default component name for class not is nor1,reported by xremond on 20 mar 2014 15:01 utc small typo in class modelica.blocks.mathboolean.not: the annotation for default component name is defaultcomponentname= nor1 =>the default name is nor1 instead of not1 ---- migrated-from: https://trac.modelica.org/modelica/ticket/1448 +523999,"""https://github.com/eclipse/che/issues/7816""",create test user and setup keycloak-server at start of selenium tests execution on eclipse che multi user,"description we need have an ability to create test user of _eclipse che multi user_ and to setup _keycloak_ server automatically at the start of execution of selenium tests. now it is partly done by build script of ci job. and adding of _github identity provider_ into the _keycloak_ server should be realized separately. os and version: eclipse che multi user 5.x, 6.x." +5282553,"""https://github.com/deepstreamIO/deepstream.io-client-js/issues/446""",listening for records does not trigger onstop for unsubscribing records,"using the following script: const deepstream = require 'deepstream.io-client-js' const { spy } = require 'sinon' const { expect } = require 'chai' const serveraddress = '172.17.0.1:6020' const onstopspy = spy const provider = deepstream serveraddress provider .login {} .then => { provider.record.listen '. ', match, response => { console.log 'start providing for', match response.accept response.onstop onstopspy } } .catch err => { console.log 'failed to log provider in', err } settimeout => { const client = deepstream serveraddress client .login { username: 'events-consumer' } .then => { const record = client.record.getrecord 'rss-record' record.subscribe update => { } settimeout => { record.unsubscribe settimeout => { let exceptioncaught = false try { expect onstopspy.callcount .to.equal 1 } catch e { exceptioncaught = true } finally { console.log 'assertion', exceptioncaught ? 'failed' : 'succeeded' process.exit exceptioncaught } }, 5000 }, 2000 } .catch err => { console.log 'failed to log client in', err } }, 1000 the response.onstop does not get called after unsubscribing from a record. ---- _you can find the script in: https://github.com/deepstreamio/test-scripts/commit/d970bbf716d59d713c66581be2197d92bf9ab877_" +498667,"""https://github.com/bireme/my-vhl-alerts/issues/7""",criar mecanismo que identifique os documentos similares aos temas de interesse,"neste momento, simular a chamada do similardocs, considerando que o @heitorbarbieri desenvolverá a estrutura de documentos similares dos alertas somente em novembro." +976647,"""https://github.com/XVimProject/XVim/issues/1071""","when i pressed make, it ruined my ycm settings. thanks a lot."," description write simple description here. if the title describes it well, just delete this. operation describe the operation you did. also include your text on which you operate if it is related to text editing. expected behaviour write here environments - xcode version - xvim branch and revision - keyboard language - input source language crash log if any paste the log here" +2361377,"""https://github.com/almassapargali/LocationPicker/issues/39""",restrict the search for only schools,can i restrict the search for only schools? i need to search for schools only i am using swift4 and the latest xcode thank you +450191,"""https://github.com/stripe/stripe-php/issues/362""",create subscriptions for shared users in stripe connect account,"hi, i need to create a subscription for shared customers on stripe connect. i have created a subscription in my platform account. is it necessary to attach customer and subscription to connected account? i need same customers to pay for different customers monthly. how can i achieve it? // create token for a connected account $token = \stripe\token::create array customer => cus_axeksd5avxmi02 , , array stripe_account => acct_1abmu0j7d0dezuvo ; echo $token; // create subscription and attach to customer and connect account $subscription = \stripe\subscription::create array customer => $token->id, plan => f118cd73f07a0620da3d48f1c28bfa05 , application_fee_percent => 10, , array stripe_account => acct_1abmu0j7d0dezuvo ; echo $subscription;" +339660,"""https://github.com/davidar/lljvm/issues/12""",distinguish beetwen virtual and physical memory,"today memory class handle paging with multiple bytebuffer. you could use a single bytebuffer which itself could handle paging. the main benefit is to separate primitive and utility methods. background idea is porting zero-assembler openjdk into jnodes os. zero could be booted into a bytebuffer mapping physical memory to build a boot image. it just an idea, and that is a minor part, there're lot of work to be usefull... but if anyone is interesting and have some time..." +466609,"""https://github.com/joomla/joomla-cms/issues/17888""",can we have better documentation for text filters in custom fields?,the current documentation https://docs.joomla.org/help37:components_fields_fields_edit doesn't exactly explain much... > use from plugin: use from the plugin. no: not. raw: raw. safe html: safe html. text: text. alpha numeric: alpha numeric. integer: integer. float: float. telephone: telephone. can we have a better documentation on how each of this selections differ from the others? +1567222,"""https://github.com/dotnet/standard/issues/223""",issue while referencing a .net framework library in .net standard class library,"i have a .net standard 1.4 class library named standardlib i also have a .net framework 4.5.2 class library named frameworklib in standardlib i added reference to frameworklib. i got below error error cs0012 the type 'object' is defined in an assembly that is not referenced. you must add a reference to assembly 'mscorlib, version=4.0.0.0, culture=neutral, publickeytoken=b77a5c561934e089'. standardlib c:\users\monu\documents\visual studio 2017\projects\standardlib\standardlib\class1.cs the below post in .net standard github page says we should add reference of non standard library via nuget. i am not finding a mscorlib nuget package. https://github.com/dotnet/standard/blob/master/docs/netstandard-20/readme.md assembly-unification any help here?" +2311089,"""https://github.com/dedis/onet/issues/66""",load/save: make better error-msg,"now: if the entry doesn't exist in the map, it returns this entry doesn't exist wanted: return didn't find data for this service" +4612748,"""https://github.com/dbs-leipzig/gradoop/issues/561""",add option to provide meta data to csv data dink,"the csvdatasink by default computes a new meta data file. as this is computational expensive, it should be possible to provide an existing metadata csv file." +4795821,"""https://github.com/ria-portaal/comments/issues/2072""",kasutaja tagasiside lehel https://www.eesti.ee/ru/estonskaa-respublika/konstitucia-estonskoj-respubliki/xv-izmenenie-konstitucii/,"url: https://www.eesti.ee/ru/estonskaa-respublika/konstitucia-estonskoj-respubliki/xv-izmenenie-konstitucii/ brauser: mozilla/5.0 iphone; cpu iphone os 11_1_2 like mac os x applewebkit/604.3.5 khtml, like gecko version/11.0 mobile/15b202 safari/604.1 aeg: 7.12.2017 13:32:36" +2726215,"""https://github.com/sinopsisfilm/sinopsis/issues/10482""",bidaai antv episode 303,"bidaai antv episode 303
+http://ift.tt/2hs96ex
+bidaai episode 303...

+by juragan sinopsis

+via juragan sinopsis http://ift.tt/2cza012
+september 25, 2017 at 01:06am" +4196998,"""https://github.com/chocolatey/choco/issues/1463""",install-chocolateyzippackage for zip file is stuck at 'extracting'," what you are seeing? when using install-chocolateyzippackage @packageargs , it's stuck at extracting file. it seems chocolatey can't determine the exit code of 7zip. cmd extracting c:\path\to\chocolatey ode-portable\9.2.0 ode-v9.2.0-win-x64.zip to c:\path\to\appdata\local ode-portable... 7zip found at 'c:\programdata\chocolatey\tools\7z.exe' executing command 'c:\programdata\chocolatey\tools\7z.exe' x -aoa -bd -bb1 -o c:\path\to\appdata\local ode-portable -y c:\path\to\appdata\local\temp\chocolatey ode-portable\9.2.0 ode-v9.2.0-win-x64.zip it works when executing directly the 7zip command what is expected? once files are extracted, it should continue the package installation. how did you get this to happen? steps to reproduce create a package using choco new pkg-name , and add a config to use install-chocolateyzippackage repo link: https://github.com/gitawego/work-note/blob/master/choco/node-portable/tools/chocolateyinstall.ps1" +4907692,"""https://github.com/aldryn/aldryn-faq/issues/183""",django >=1.10 compatibility,the package is currently not compatible with django >= 1.10 one issue django.conf.urls.patterns being removed . how do you feel about bumping a new version with a few changes? +1668558,"""https://github.com/laughing7y/magicMeshRoom/issues/24""",unity scene transitions,damit lassen sich tutorials und wände separieren -> sind das jeweils eine neue scene +1007305,"""https://github.com/ryankiros/neural-storyteller/issues/21""",http://www.cs.toronto.edu/~rkiros/neural_storyteller.zip link broken?,"hi , i try several times to download the neural_storyteller.zip file but it has no response, may i ask where else i could download the zip? thanks, it is a great project! best wishes, jack" +1436012,"""https://github.com/googlesamples/android-architecture/issues/422""",todo‑mvvm‑databinding get nullpointerexception,in my code i change findorcreateviewmodel to below private statisticsviewmodel findorcreateviewmodel { return new viewmodle } then when i use viewpage+fragment,sometime i get a nullpointerexception abount viewmodel。 +1532657,"""https://github.com/Tribler/tribler/issues/3173""","changing anonymous hop counter, triggers a check of the whole file.",- i have tried with the latest pre-release version and i still can reproduce the issue. yes tribler version/branch+revision: tribler 7 operating system and version: windows 10 insider 17017 steps to reproduce the behavior: right click an entry with the library and select a different number of hops expected behavior: hop counter is changed and files are not checked. actual behavior: hop counter is changed and file is checked again. relevant log file output: +3233574,"""https://github.com/kdpaul1989/prj-rev-bwfs-tea-cozy/issues/4""",double .main classes,"you have repeated this selector in your css, just put them together. also your set width is larger than your max-width which doesn't really make sense. https://github.com/kdpaul1989/prj-rev-bwfs-tea-cozy/blob/master/tea%20cozy/style.css l144-l147" +535424,"""https://github.com/akellehe/fb_calendar/issues/57""",start ios app,put it in the same github repository +3416319,"""https://github.com/voyages-sncf-technologies/hesperides-gui/issues/71""",random list of file in file preview,"when you are trying to preview your file throught the eye icon, you got the list of the files listed in the module, but theses files are displayed in a different order each time you want to get the preview. it seems that these files are loaded asynchronously, this could explain the random like order. as a first iteration of the fix, it would be nice to display them in the same order each time they are been requested" +4812198,"""https://github.com/sindresorhus/figures/issues/22""",transpile to es5,"i think it would be better if we can have this package distributed with es5. otherwise, this would break lots of packages that doesn't support es6 new features like const . thanks" +587931,"""https://github.com/WikiSpaxe/openv/issues/333""",kw protokoll möglich?,"subject: kw protokoll möglich? wiki-page: viess-data 2.0 from: helmut.lehmeyer date: mon, 16 jan 2017 17:38:32 ut message-id: <80472504-92645118$openv.wikispaces> hallo, +ist es möglich über viess-data 2.0 bzw. vis-ion auch steuerungen mit kw protokoll anzusprechen? +in meinem fall '' gibt es dazu evtl konfigurationsparameter in der vito_config.xml? leider habe ich kein ms visual studio um etwas zu kompilieren... danke im voraus. +helmut" +2243987,"""https://github.com/koorellasuresh/UKRegionTest/issues/60746""",first from flow in uk south,first from flow in uk south +54282,"""https://github.com/libretro/retroarch-assets/issues/179""",flattening the history,"this repository history has little of any utility, and is huge. my .git is 195mb. i intend to flatten it and force push. this will reduce the .git to 72mb after recloning or otherwise deleting the old version . for reference, retroarch itself has a .git of 167mb. in the unlikely event that the history is useful for anything, i've copied it to . any objections?" +29429,"""https://github.com/Huangsir/huangsir.github.io/issues/11""",lock your procedure,"--- datetime: 2015-02-18 20:33:12 --- 在mysql里,我们使用存储过程,以保证在执行出错的时候,数据可以即时的回滚到上一个状态。 存储过程并不是线程安全的。假如存储过程调用频率比较频繁时,如果同一个存储过程在同一刻被意外的打码多次,就有可能出现问题。 比如说下面的过程 sql declare va int; select v1 into va from table1; update table2 set v2 = v2 + va; 如果同时执行两次,则可能出现第一个过程在select后,update之前,第二个过程也select完成了。这时再update就会出现数据异常。 解决这个问题,可以在过程中使用具有幂等性的方法。如依赖mysql的uniquekey,或者在存储过程中使用 update table2 set v2 = value2 这样的句式。 但是这样的过程比不是在任何一个环境下都能写出来的。所以,在无法实现具有幂等性的句式下,需要保证存储过程同一时间只能运行一次。这是我们需要对存储过程加锁。 加锁的方法: sql get_lock , 如 get_lock 'a_lock_name', 60 表示以 a_lock_name 这个名字做锁,期限是60秒。超过60秒锁自动释放。成果获得锁返回true,否则返回false。 解锁的方法: sql release_lock 如 do release_lock a_lock_name 表示显示的释放名字为 a_lock_name 的锁。 例: sql create procedure procedure_name top:begin if not get_lock lock_name , 60 then leave top; end if; body:begin -- your sql here commit; end body; do release_lock lock_name ; end top;" +5035942,"""https://github.com/FForstbach/dog-lending/issues/36""",display show more results on new line,- only show 9 - then add button in line below +625729,"""https://github.com/utPLSQL/utPLSQL/issues/476""",add 12.2 coverage reporter,"extend existing coverage to support two new fields: +- branches_to_cover +- branches_covered values should be null for coverage using dbms_profiler for coverage in 12.2 we need to convert block coverage into line/branches coverage to match generic test coverage data for sonar. +https://docs.sonarqube.org/display/sonar/generic+test+data htlm coverage reproter should be updated to support yellow color for branches not covered in 100% for line. htlm coverage reproter should be updated to show covered/to_cover branches indicator in the report when there is more than 1 branch." +2665360,"""https://github.com/HanSolo/digital5/issues/16""",what is it?,"using a fenix 5; can anyone tell me what the little circle with a line across the middle is looks like a no entry symbol that sits just above the sunset time? also - have done the darksky api thing, but don't know where it shows the weather..? thanks, dave" +415668,"""https://github.com/vim-jp/vimdoc-ja/issues/240""",原文に terminal.txt へのリンクが存在しない,左側のメニューに terminal.txt のメニューが存在しません。 この部分は :help の doc-file-list を基に _layout/vimdoc.html に手で記述しています。 しかし doc-file-list に terminal.txt へのリンクがないために左側のメニューにもない状態です。 面白くないので 特定機能 special issues の最後にこっそり追加しておきます。 正式に対応・追加された暁には修正をしてください。 +3309218,"""https://github.com/koorellasuresh/UKRegionTest/issues/8588""",first from flow in uk south,first from flow in uk south +3539644,"""https://github.com/FraunhoferCESE/madcap/issues/219""",error casting int to long in sharedprefs update,"the problem occurs when users update from v1.0.2-alpha to v1.0.3-alpha. in version < 1.0.3, the pref_datacount was sometimes stored as an int. the read was changed to getlong in 1.0.3, which causes a class cast exception if there is already an integer stored in the preference location. this is a bug in https://github.com/fraunhofercese/madcap/tree/v1.0.3-alpha https://console.firebase.google.com/project/madcap-142815/monitoring/app/android:org.fraunhofer.cese.madcap/cluster/4f292a29?duration=2592000000 https://console.firebase.google.com/project/madcap-142815/monitoring/app/android:org.fraunhofer.cese.madcap/cluster/9f84173b?duration=2592000000" +2876913,"""https://github.com/ta4j/ta4j/issues/19""",create new javadoc for next release,we have to create a new java doc and maintain it. the current is from eu.vanderhan link https://oss.sonatype.org/service/local/repositories/releases/archive/eu/verdelhan/ta4j/0.9/ta4j-0.9-javadoc.jar/!/index.html i would do so but i dont no how to start. +914629,"""https://github.com/docker/compose/issues/4388""",docker-compose 1.9.0 compromised with linux.xor.ddos,"hi! i installed docker-compose 1.9.0 on three servers around december 25th 2016. now all three servers report linux.xor.ddos by chkrootkit. the list of files. md5sums, the output of chkrootkit is in this pastebin: http://pastebin.com/us2b8uyg i couldn't attach a copy of the files, so i uploaded a tar.gz to a cloud-hoster: http://filebin.ca/3a9l1aivgblt/docker_possible_backdoor.tar.gz i really hope this is a false positive.. thanks, dominik" +1902673,"""https://github.com/billstclair/elm-html-template/issues/1""",make tagtable and attributetable extensible,"you can use node:foo and attribute:foo to access any standard node or attribute, but it would be good to be able to make custom first-class tags and attributes. this requires primarily moving tagtable and attributetable into templatedicts, but the parsers currently use those tables for determining valid tag and attribute names. that would be hard to customize, since decoders have no args." +4208267,"""https://github.com/Zimmi48/bugzilla-test-2/issues/1753""",not_found exception when tactic calls tactic specified as a parameter,"note: the issue was created automatically with bugzilla2github tool original bug id: bz 1753 +date: 2007-12-10 13:46:27 +0100 +from: sean <> +reported version: 8.5 +cc: @ letouzey last updated: 2011-10-25 20:33:32 +0200 sean <> on 2007-12-10 13:46:27 +0100 start coqtop. input this: goal false. +let t:=simpl in in intuition t . coqtop will give this error: anomaly: uncaught exception not_found. please report. in addition, i'm trying to define my own tactic that takes a tactic t and calls it e.g.: tactic extend testtactic +| test tactic t -> let tact = snd t in t end with this implementation, if i execute this tactic: ltac rec := test rec. i also get anomaly: uncaught exception not_found. please report. . @ letouzey on 2011-10-25 20:33:32 +0200 the issue mentionned by this old bug report seems to work now, +both in 8.3 and in trunk. ------------------------------------------------------------ +welcome to coq tapir:/home/letouzey/v8.3 coq < goal false. +1 subgoal ============================ false unnamed_thm < let t:=simpl in in intuition t . +1 subgoal ============================ false +----------------------------------------------------------- same for the mentionned ml tactic, at least in 8.3. in trunk +the code would have to be adapted to compile, but a mere tactic notation test tactic t := t. also works ok. pierre" +3367090,"""https://github.com/Seeed-Studio/GPRS_SIM900/issues/16""",not able to read sms using code,it never goes further than this statement on the serial moniter. ! gsm https://cloud.githubusercontent.com/assets/25280549/22182733/d32ea83c-e0d2-11e6-957d-45010ec5d3f8.png +220140,"""https://github.com/hoburg/gpkit/issues/1138""",variable and varkey __eq__ disagree,"these should be symmetric: python in 1 : from gpkit import variable in 2 : w = variable w , 5, lbf , weight of 1 bag of sugar in 3 : w.key == w out 3 : true in 4 : w == w.key out 4 : false" +3520604,"""https://github.com/syl20bnr/spacemacs/issues/9852""",error in the first running of emacs spacemacs,"i'm new to emacs. i ran the emacs with spacemacs for the first time. have this error: ~ warning initialization : an error occurred while loading ‘c:/myprograms/emc2/emacshome/.emacs.d/init.el’: error: loading file c:/myprograms/emc2/emacshome/.emacs.d/elpa/adaptive-wrap-0.5.1/adaptive-wrap.elc failed to provide feature ‘adaptive-wrap’ to ensure normal operation, you should investigate and remove the cause of the error in your initialization file. start emacs with the ‘--debug-init’ option to view a complete error backtrace. any idea? please help. thanks" +3135445,"""https://github.com/JuliaLang/julia/issues/22394""",add file/line information to ccall wrong number of arguments warning,"julia julia> reload odbc warning: replacing module odbc warning: ccall: wrong number of arguments to c function in api warning: ccall: wrong number of arguments to c function in api with dozens of ccall s, this warning is pretty daunting." +2286435,"""https://github.com/datacamp/courses-intro-to-python/issues/36""",inconsistent use of underscore,"chapter 2 introduces a variable areas_1 , but earlier, we had el1 and el2 without the underscore - pick one style and stick to it. separating words with underscores is slightly more readable for non-native speaks of a language than runningwordstogether, but consistency trumps both." +1563564,"""https://github.com/magento/mtf/issues/82""",php fatal error: uncaught error: call to a member function hasdata on null in,using magento 1.9.3.1 os : ubuntu 16.04 /var/www/magento/dev/tests/functional/tests/app/mage/adminhtml/test/testcase/createwebsiteentitytest.php:212 stack trace: 0 /var/www/magento/dev/tests/functional/vendor/magento/mtf/magento/mtf/testcase/functional.php 315 : mage\adminhtml\test\testcase\createwebsiteentitytest->teardown 1 /var/www/magento/dev/tests/functional/vendor/phpunit/phpunit/src/framework/testresult.php 686 : magento\mtf\testcase\functional->runbare 2 /var/www/magento/dev/tests/functional/vendor/phpunit/phpunit/src/framework/testcase.php 753 : phpunit_framework_testresult->run object mage\adminhtml\test\testcase\createwebsiteentitytest 3 /var/www/magento/dev/tests/functional/vendor/magento/mtf/magento/mtf/testcase/functional.php 202 : phpunit_framework_testcase->run object phpunit_framework_testresult 4 /var/www/magento/dev/tests/functional/vendor/magento/mtf/magento/mtf/testcase/injectable.php 201 : magento\mtf\testcase\functional->run object phpunit_framework_t in /var/www/magento/dev/tests/functional/tests/app/mage/adminhtml/test/testcase/createwebsiteentitytest.php on line 212 +957800,"""https://github.com/Microsoft/vscode/issues/38614""",incorrect syntax highlighting with php inside html comment," - vscode version: 1.18.1 - os version: windows 10, 64bit steps to reproduce: 1. create php file 2. add some html code with php code inside it php
3. comment out the html section even github shows strange behaviour php ! phpinhtml https://user-images.githubusercontent.com/22564520/32945933-447d165e-cb8d-11e7-8e90-2d3d4b0a8be0.png 4. observe that the html looks commented out, but the php inside the commented out tag still received syntax highlighting. confusing, since that php code won't run. expected to see the whole tag with the contained php as a comment. note that if the file is an html, the comments look as expected: ! phpinhtmlonhtml https://user-images.githubusercontent.com/22564520/32945979-8584569e-cb8d-11e7-9af0-b662bda656c9.png reproduces without extensions: yes" +4818812,"""https://github.com/NSI-IT/DIC-ICASTXPR/issues/28""",add viewer's group,"as a admin user, i would like to create a viewer's group so that i can add users to the list and send them invitations. acceptance criteria verify that user will enter group name. verify that there cannot be multiple groups with the same name. verify that group created will only be available for that organization only." +3734030,"""https://github.com/OneSignal/OneSignal-Cordova-SDK/issues/159""",ios app crash,"how can i remove one signal object? in my app we have multiple users in same device. for each user, i called register notification. but when i logout , other user is logged, that time other user will got notification, but crashed when tapped on notification in ios 10.1 might it cause to two times registration." +4697053,"""https://github.com/Open365/Open365/issues/54""",install open365/open365-office and open365/eyeos-appservice,"hello, i would like to install only open365/open365-office and open365/eyeos-appservice. how can i do it?" +1463311,"""https://github.com/aurelia/framework/issues/693""","how to know if, and how, to create new aruelia modules",i'm working on my second pr and unlike the first one this spans over several modules aurelia/router and aurelia/browser-history and it might even warrant a new one: aurelia/storage. my question is how i go about to know whether to make a new module out of storage and if so how to create that new module. i'm going to be working with aurelia for a while and think i've got at least one more framework core functionality module that'd be useful so information on how to create and submit aurelia modules would be great. +566202,"""https://github.com/CentOS/container-index/issues/197""",build script support,"we would like to start building our images https://github.com/container-images in your infrastructure. the issue is that it seems like it won't work because our github repositories contain source templates en example https://github.com/tomastomecek/tools/blob/5c571acc92a7e68be743809390c8caa450c96d86/dockerfile.template and before building container images, we need to render them first. for that, we have a tool called distgen https://github.com/devexp-db/distgen . after reading readme of this repo, i stumbled upon build script build-script which made me so happy and the feeling immediately vanished after reading currently unusable . how difficult would be to implement it?" +4077769,"""https://github.com/alenapetsyeva/Tutorials-2/issues/197""",tutorial page without-meta.md issue. test green,tutorial issue found: https://github.com/alenapetsyeva/tutorials-2/blob/master/tutorials/2011/12/without-meta.md https://github.com/alenapetsyeva/tutorials-2/blob/master/tutorials/2011/12/without-meta.md is missing meta or contains invalid front matter. your tutorial was not created. affected server: test green +5219918,"""https://github.com/Viber/sample-bot-isitup/issues/1""",message validation error when initialising sample project,"typeerror: not a buffer at typeerror native at new hmac crypto.js:87:16 at object.hmac crypto.js:85:12 at messagevalidator._calculatehmacfrommessage /home/nowuser/src/node_modules/baf6ab1b53f7d259fc108c0cb6439ccabf2a8d2e/lib/message/message-validator.js:17:16 at messagevalidator.validatemessage /home/nowuser/src/node_modules/baf6ab1b53f7d259fc108c0cb6439ccabf2a8d2e/lib/message/message-validator.js:11:30 at /home/nowuser/src/node_modules/baf6ab1b53f7d259fc108c0cb6439ccabf2a8d2e/lib/middleware.js:61:32 at layer.handle as handle_request /home/nowuser/src/node_modules/86421e6b6de89c8645b06441570eaa27d4883cb5/lib/router/layer.js:95:5 at trim_prefix /home/nowuser/src/node_modules/86421e6b6de89c8645b06441570eaa27d4883cb5/lib/router/index.js:312:13 at /home/nowuser/src/node_modules/86421e6b6de89c8645b06441570eaa27d4883cb5/lib/router/index.js:280:7 at function.process_params /home/nowuser/src/node_modules/86421e6b6de89c8645b06441570eaa27d4883cb5/lib/router/index.js:330:12 freshly cloned repo, with the only change being creating & putting my own api key into the .env file. running through now.sh as the readme instructs. above is in browser when visiting now.sh url; console output shows no errors: > deploying ~/repos/sample-bot-isitup > using node.js 5.11.1 requested: >=5 > ready! https://isitup-bot-wtaitilljq.now.sh copied to clipboard 3s > initializing… > deployment complete!" +4918598,"""https://github.com/DxCx/plugin.video.9anime/issues/113""",how to install on libreelec,i've been wanting a raspberry pi3 and wanted to also use libreelec kodi but the way i install this addon with my firestick probably won't work downloader app +2078622,"""https://github.com/Daniel-Mietchen/ideas/issues/538""",model the transition of the research ecosystem towards a more open one,"along several dimensions, e.g. - systemic effects - effects on individual - researchers - institutions - funders - projects - etc. - effects of different degrees of openness - effects of opening up different aspects of a set of research cycles" +3998487,"""https://github.com/spyder-ide/spyder/issues/5377""",updating spyder under proxy environment,"my university runs python under the proxy environment. installing spyder through anaconda was easy. but, how to update spyder under proxy?" +5107646,"""https://github.com/emender/documentation-conventions-tests/issues/1""",the names of the test should include spaces,"currently, the names of the tests do not include spaces: documentationconventions documentationguidelines please add the spaces where appropriate: documentation conventions documentation guidelines" +4520173,"""https://github.com/directus/directus/issues/1912""",user field: replace id by related data,"version info - directus version and branch: 6.4.3 – 9bdadd639322fbc61d0e0f56fcb61647ded75d5d actual behavior an api request of a table with field 'user' responses only the user id for this field, regardless of the passed 'depth' parameter. expected behavior i would expect, that the related data for this user is responded. steps to reproduce 1. create table with field of type 'user' 2. call /directus/api/1.1/ table /rows 3. the user field contains only the user id, not the related data" +5008363,"""https://github.com/lstjsuperman/fabric/issues/7008""",videorecordfragment.java line 1277,in com.immomo.momo.moment.mvp.view.videorecordfragment.initmusicutils number of crashes: 1 impacted devices: 1 there's a lot more information about this crash on crashlytics.com: https://fabric.io/momo6/android/apps/com.immomo.momo/issues/598c6f89be077a4dcce369ee?utm_medium=service_hooks-github&utm_source=issue_impact https://fabric.io/momo6/android/apps/com.immomo.momo/issues/598c6f89be077a4dcce369ee?utm_medium=service_hooks-github&utm_source=issue_impact +3549416,"""https://github.com/ga-wdi-boston/capstone-project/issues/471""",having trouble hiding content in route template.,"so i have been trying to hide contest based on the current users role. i was able to do it in the component layer but not in the route layer. i'm wondering how or if it is possible to do this. function in auth service js isartist: ember.computed.equal 'credentials.role', 'artist' , isclient: ember.computed.equal 'credentials.role', 'client' , working component template and js file js {{ if isauthenticated}} {{ if isartist}}
  • {{ link-to contests }}all contests{{/link-to}}
  • {{else}}
  • {{ link-to contests }}my contests{{/link-to}}
  • {{ link-to 'contests.new'}}new contest{{/link-to}}
  • {{/if}} {{/if}} import ember from 'ember'; export default ember.component.extend { auth: ember.inject.service , user: ember.computed.alias 'auth.credentials.email' , isauthenticated: ember.computed.alias 'auth.isauthenticated' , isartist: ember.computed.alias 'auth.isartist' , actions: { signout { this.sendaction 'signout' ; }, }, } ; broken route template and component import ember from 'ember'; {{outlet}} {{client-contests/info contest=model editcontest='editcontest'}} {{ if isartist}} {{ link-to 'contest.submission' model}}new submission{{/link-to}} {{/if}}
    {{ each model.submissions as |submission|}} {{client-contests/submission submission=submission}} {{/each}}
    export default ember.route.extend { auth: ember.inject.service , isartist: ember.computed.alias 'auth.isartist' , } ; helps!" +1315991,"""https://github.com/cocos2d/cocos2d-x/issues/17643""",new renderer pipeline - roadmap status,"hi, cocos2d-x team! quite a long time ago, you guys announced a new renderer pipeline roadmap http://www.cocos2d-x.org/wiki/cocos2d_v30_renderer_pipeline_roadmap . so far, i can see that the main structure is already functional for the cocos2dx version i'm working on v3.13 . however, some of the major features are still missing, like the full featured command keys: ! alt text logo logo : http://www.cocos2d-x.org/attachments/download/5084 rendercommand keys the current sorting by globalzorder works fine and already gives a nice performance improvement see code below . however, all other nodes that have globalzorder = 0 including all widget classes still use the old rendering optimization highly dependent on node hierarchy: c++ void renderqueue::sort { // don't sort _queue0, it already comes sorted std::sort std::begin _commands queue_group::transparent_3d , std::end _commands queue_group::transparent_3d , compare3dcommand ; std::sort std::begin _commands queue_group::globalz_neg , std::end _commands queue_group::globalz_neg , comparerendercommand ; std::sort std::begin _commands queue_group::globalz_pos , std::end _commands queue_group::globalz_pos , comparerendercommand ; } ! alt text nodes nodes : https://camo.githubusercontent.com/ed2f14db7ae31400107bd6f2831d0e570bfaa920/687474703a2f2f66696c65732e736c656d62636b652e6e65742f74656d702f436f636f73324452656e6465724f726465722e737667 old drawing order, hierarchy dependent i'd like to know how this roadmap is going, what you still plan to do and what have you discarded. thanks!" +2178987,"""https://github.com/agda/agda/issues/2593""",private where modules,i think that it should be possible to make where modules private without making the definition that the where clause is attached to private. +5243488,"""https://github.com/cyrus-and/chrome-remote-interface/issues/144""",runtime.evaluate { expression: 'document.getelementbiid a ' },var a = ... runtime.evaluate { expression: 'document.getelementbiid a ' } .then {} a is a variable how to do that? +3187214,"""https://github.com/yetea/pastebin/issues/8""","add a new route, get // that syntax highlights the paste with id for language ","if is not a known language, do no highlighting. possibly validate with fromparam." +3900675,"""https://github.com/TillF/WASA-SED/issues/18""",open input files with read-only,"allows access to already opened files, done for climo-files" +796973,"""https://github.com/unicef-polymer/etools-profile-dropdown/issues/1""",remove profile-content negative margins,we need to remove profile-content negative margins and maybe add a mixin in case we want to apply some styles on the working project. on pmp this negative margin makes the layout too big. ! screenshot from 2017-06-14 15 39 49 https://user-images.githubusercontent.com/1955740/27133052-9375edc4-5119-11e7-9aa7-ad250022e21c.png +3346596,"""https://github.com/enricocammarota/enricocammarota.github.io/issues/1""",update size of linkedin image,update size of linkedin image in footer +3725766,"""https://github.com/fabric8io/fabric8-ui/issues/58""",create a rest proxy to the users openshift online? cluster so we can start to use build/run/pipelines ui components,"a pre-requisite of using the fabric8 run / build tabs is gonna be access to the openshift online cluster rather than the saas back end . so it'd be nice once the user has logged into the console to also sign into the users openshift online account and expose the rest api for openshift online. i guess one day we may support multiple clusters free tier, paid tier, on premise cluster maybe? so we may wanna leave an extra path in the rest urls for a cluster name which we could default to just being 'online' for now? so a rest call in the console would be something along these lines: /k8s/ /online/ /api/v1/namespaces/cheese/pods to access the pods in the cheese namespace in the online i.e. openshift online cluster. environments are then relative to a cluster name; so we could support then using mixed environments; e.g. oso, osd, oscp clusters in the same pipelines etc. the rest proxy is pretty easy really; the hard bit is the sso ; for now we could hard code all users as having a single cluster called 'online' which points to oso or maybe a preview cluster until its live . then over time we could support users being able to register their own clusters too osd etc - though there's even more complexity in the sso side there too but ultimately we should be able to get that to work if the right oauth is setup in oso / oscp clusters" +2393324,"""https://github.com/kubernetes/minikube/issues/1378""",minikube host vm clock gets out of sync,"minikube version : v0.18.0 environment : - os : macos sierra 10.12.4 16e195 - vm driver : xhyve - iso version : v0.18.0 what happened : when i wake my laptop after sleep, the clock of the minikube vm lags behind. this causes problems with the registry credentials plugin, since aws rejects credentials requests with an invalid timestamp. what you expected to happen : the clock should sync after computer wakeup. how to reproduce it as minimally and precisely as possible : see above." +1003362,"""https://github.com/dotnet/roslyn/issues/18847""",don't show object initialization can be simplified for expandoobject,version used : microsoft r visual c compiler version 2.0.0.61501 steps to reproduce : click lightbulb on new expandoobject cs dynamic d = new expandoobject ; d.date = datetime.now; expected behavior : ide 0017 not shown. actual behavior : results in code that doesn't compile: dynamic d = new expandoobject { date = datetime.now }; > error cs0117: 'expandoobject' does not contain a definition for 'date' +3305568,"""https://github.com/serratus/quaggaJS/issues/238""",combine all ean barcodes...,"hi guys, i'm asking if is possible to combine all the ean codes together in search. basically, i'd like to scan ean_13, ean_8 at the same time. is this possible with quagga ? thank you." +4227488,"""https://github.com/OpenLiveWriter/OpenLiveWriter/issues/614""",fix comexception in openlivewriter.spellchecker.winspellingchecker.checkword,"version: 0.6.0.0 | openlivewriter stacktrace first of multiple
    openlivewriter.spellchecker.winspellingchecker;checkword;;
    +openlivewriter.spellchecker.spellinghighlighter;processword;;
    +openlivewriter.spellchecker.spellinghighlighter;processwordrange;;
    +openlivewriter.spellchecker.spellinghighlighter;dowork;;
    +openlivewriter.spellchecker.spellinghighlighter;checkspelling;;
    +openlivewriter.spellchecker.spellingmanager;highlightspelling;;
    +openlivewriter.posteditor.posthtmlediting.blogposthtmleditorcontrol;handlespellingdamage;;
    +openlivewriter.htmleditor.wordrangedamager;ondamageoccured;;
    +openlivewriter.htmleditor.wordrangedamager;firedamageoccurred;;
    reason system.runtime.interopservices.comexception: the object invoked has disconnected from its clients. link to hockeyapp https://rink.hockeyapp.net/manage/apps/249213/crash_reasons/119643153 https://rink.hockeyapp.net/manage/apps/249213/crash_reasons/119643153" +2436524,"""https://github.com/mrdreka/hotciv-tdd/issues/1""",please make your repo private or delete it!,"your public repo will make 'borrowing code' possible, which is in my course considered exam cheating. please either delete your repository or make it private. - henrik bærbak" +49513,"""https://github.com/stellardb/StellarDB/issues/94""",triggers not executed,all triggers defined on the main objecthub server are not triggered since four days. maybe related exception on server: mon jul 10 22:06:48 utc 2017 uncaught background exception: data could not be written to server. please reload page. last successful operation: performed commit. from class: class com.ononedb.nextweb.plugins.impl.commitcommon$1 com.ononedb.nextweb.jre.onedbnextwebenginejre$2$1.run onedbnextwebenginejre.java:164 mon jul 10 22:06:48 utc 2017 uncaught background exception: data could not be written to server. please reload page. last successful operation: start from class: class com.ononedb.nextweb.plugins.impl.commitcommon$1 mon jul 10 22:06:48 utc 2017 uncaught background exception: data could not be written to server. please reload page. last successful operation: start from class: class com.ononedb.nextweb.plugins.impl.commitcommon$1 com.ononedb.nextweb.jre.onedbnextwebenginejre$2$1.run onedbnextwebenginejre.java:164 com.ononedb.nextweb.jre.onedbnextwebenginejre$2$1.run onedbnextwebenginejre.java:164 +4214065,"""https://github.com/stripe/react-stripe-elements/issues/103""",chrome crashes when using paymentrequestbuttonelement browsing as guest,- using chrome on mac os 10.13 - browsing as a guest - browser crashes when calling the props.stripe.paymentrequest method for the paymentrequestbuttonelement element. +1958471,"""https://github.com/rails/rails/issues/28332""",long model names break db:schema:load on postgres,"steps to reproduce 1. $ rails new issue_reproduction --database=postgresql 1. $ rails g scaffold myverylongexamplemodelnamebecauseithinkschemaloadbreakssometimes title:string body:text 1. $ rails db:create db:migrate 1. $ rails db:drop db:create db:schema:load example repo: https://github.com/skiningham/issue_reproduction single-file reproduction: https://gist.github.com/skiningham/fb6f380c75ca5a6c65909958f5f52a31 expected behavior $ rails db:schema:load should succeed without errors. actual behavior the command fails with: activerecord::statementinvalid: pg::undefinedtable: error: relation my_very_long_example_model_name_because_i_think_schema_l_id_seq does not exist : create table my_very_long_example_model_name_because_i_think_schema_load_bre id bigint default nextval 'my_very_long_example_model_name_because_i_think_schema_l_id_seq'::regclass not null primary key, title character varying, body text, created_at timestamp not null, updated_at timestamp not null system configuration rails version : 5.0.2, 5.1.0.beta1 ruby version : 2.2.3p173 postgres version : 9.5.4 additional information i can reproduce this error with activerecord 5.0.2 and 5.1.0.beta1. i did not try against master. i cannot reproduce this error against activerecord 4.2.8. apologies for the rough single-file reproduction; this error does not occur against sqlite so i made an attempt at adjusting the default template for postgres. $ rails db:structure:load succeeds in the example application when a structure.sql is dumped. $ rails db:drop db:create db:migrate succeeds in the example application." +2897990,"""https://github.com/victor-o-silva/python-links-from-link-header/issues/2""",add a license file to the repository?,the setup.py https://github.com/victor-o-silva/python-links-from-link-header/blob/644f57b26fb858bc8a501e6eb3ecf25650ee4cb6/setup.py l17 implies mit. +2740689,"""https://github.com/atatarchuk/FirstRepository/issues/85""",interdum platea eleifend,aenean commodo scelerisque ullamcorper donec pellentesque nec sodales ipsum ultricies justo fusce dignissim imperdiet pharetra venenatis dui feugiat risus magna habitant ligula ridiculus parturient suspendisse tempor tellus in urna mollis egestas ultrices cubilia vehicula fringilla platea placerat enim nisi +4151588,"""https://github.com/binux/pyspider/issues/744""",is there some representative cases of using es and redis?,"if convenient, we can talk by qq 362412593 or email wangzhisdu@163.com . i will be very grateful to you." +527207,"""https://github.com/ViktorKuryshev/CRM/issues/23""",procv-11 добавить смену рабочих панелей в зависимости от вкладки tree,"при клике по новой вкладке, отображается новая рабочая панель. если панели еще нет, она создается, и потом показывается, если есть то показывается, а предыдущая скрывается." +1545428,"""https://github.com/medialab/artoo/issues/262""",new feature: savepost to post data to php page that will save in mysql,"a great new feature would be to create a savepost method that would iterate through a nicelist object and create a post to a php page to save the data into a mysql table. or post the entire array. i will start to look into what it will take, but i am not an expert in js. just a new feature that i could use. artoo is a great widget." +1240570,"""https://github.com/openshift/origin/issues/12988""",connection closed by remote host,"@stevekuznetsov you're gonna loooooove me for testing the infra 😉 here's another one, especially for you https://ci.openshift.redhat.com/jenkins/job/test_pull_requests_origin_check_future/232/consolefull: 12:21:25 running test/cmd/observe.sh:22: executing 'oc observe services --once --all-namespaces' expecting success and text 'default kubernetes'... 17:03:40 connection to 172.18.9.221 closed by remote host. 17:03:40 build step 'execute shell' marked build as failure 17:03:40 postbuildscript - execution post build scripts. 17:03:40 workspace@4 $ /bin/bash /tmp/hudson4353713187509519942.sh 17:03:40 ~/jobs/test_pull_requests_origin_check_future/workspace@4 ~/jobs/test_pull_requests_origin_check_future/workspace@4" +1302952,"""https://github.com/the-control-group/voyager/issues/1503""",img with x mb is reduced to y kb why?,- laravel version: 5.3 - voyager version: latest - php version: - database driver & version: description: its cool that voyager reduce the size of a img..but i need to load the full size image..what i need to do? steps to reproduce: +2911589,"""https://github.com/eXpansionPluginPack/eXpansion2-prototype/issues/17""",create ingame chat notificaiton system,in order to have base color codes. base color codes needs to be extendable. +1047948,"""https://github.com/arXivTimes/arXivTimes/issues/300""",from language to programs: bridging reinforcement learning and maximum marginal likelihood,"一言でいうと 自然言語を実行可能な論理式に変換する試み。「理解していないけど最終的な実行結果は合っている」タイプの変換を避けるのを課題としている。このために強化学習と周辺尤度最大化を複合した手法 randomer を提案。探索的にノイズを加えたビームサーチ・頻度に依存しない重みの付与の二点が肝 論文リンク https://arxiv.org/abs/1704.07926 著者/所属機関 kelvin guu, panupong pasupat, evan zheran liu, percy liang stanford university 概要 新規性・差分 手法 結果 コメント" +2444982,"""https://github.com/cdaniel/atlas2/issues/185""",issues with the submap usage in the map list,incorrect plural form when there is only one map incorrect link targets does not refreshes when a map is created +2235071,"""https://github.com/sdispater/orator/issues/144""",typo in docs for accessors,i ran into a small typo that had me scratching my head for some time: __appends__ is spelled __append__ in the example code at the bottom of https://orator-orm.com/docs/0.9/orm.html. +4775271,"""https://github.com/conda/conda/issues/6385""",channel pins in environment.yaml files are not saved to package specs conda 4.4.0rc2,"channel pins specified in environment files are not respected. for example,run conda env create with this environment file: yaml name: channel-not-written-to-user-specs dependencies: - defaults::six if we look at conda-meta/six .json we can see that the channel pin has not been added to specs. where we should read requested_spec : defaults::six , we only find requested_spec : six . this is with conda 4.4.0rc2." +4395423,"""https://github.com/NCI-Agency/anet/issues/3""",graphiql not working in ie11,issue was reproted fixed in newer graphiql releases +4150479,"""https://github.com/zeromq/zeromq3-x/issues/125""",eventfd has increased permanently with zmq_socket_monitor,"hello. i meet a strange problem when i upgrade zeromq to 3.2.5 version. when i call zmq_socket_monitor , eventfd has increased permanently even if the socket connected to monitor is closed. so i downgrade it to 3.2.4, it is disappeared :-/ could you let me know how i can trace this problem little a bit?" +4660728,"""https://github.com/janishar/ParaCamera/issues/14""",why the photo result not saving to phone my gallery ?,"hi , why the photo result not saving to phone my gallery ?" +259983,"""https://github.com/less/less-meta/issues/23""",help requested for the less.js chatroom,"hi, can we get some experts to stop by on occassion, or turn on notifications for the gitter.im less.js chat room? https://gitter.im/less/less.js" +756334,"""https://github.com/ingenieux/awseb-deployment-plugin/issues/53""",deploy using elasticbeanstalk plugin,"hi there , i would like inform you that i have an error when im using elastic beanstalk plugin for my jenkins below is the error message on jenkins and elastic beanstalk , im using test-${build_tag} for version label format , looks like the format is not correct ! screen shot 2017-01-17 at 6 29 23 pm https://cloud.githubusercontent.com/assets/7418412/22018730/ec907060-dce2-11e6-94dd-feb721f82e5f.png ! screen shot 2017-01-17 at 6 28 50 pm https://cloud.githubusercontent.com/assets/7418412/22018707/d551e5fa-dce2-11e6-9e6b-3ec90aa1c5f9.png" +1775323,"""https://github.com/eugen0329/vim-esearch/issues/23""",didplay context of search result,"hi, thanks for building this awesome plugin! i'm using this plugin with git as the search adapter. i'm wondering is there any way to make it display the search context of the search result? when invoking git grep on command line, we can specify an option -c to show the adjacent lines of the matched keywords. is it possible to the same thing with the plugin? thanks!" +2708790,"""https://github.com/dimakura/SSpec/issues/5""",exit with error codes,"when failed, we need to exit with some error codes. try how it works with cis." +1987345,"""https://github.com/lprhodes/homebridge-broadlink-rm/issues/23""",broadlink sp mini wi-fi switch and broadlinkrm mini 3,"every time i tried to use learn toggle switch on my iphone, i would get following error. discovered broadlink rm device at 192.168.1.4 37:27:04:01:a8:c0 /usr/local/lib/node_modules/homebridge-broadlink-rm/helpers/learndata.js:59 device.enterlearning ^ typeerror: device.enterlearning is not a function at object.start /usr/local/lib/node_modules/homebridge-broadlink-rm/helpers/learndata.js:59:10 at learniraccessory.togglelearning /usr/local/lib/node_modules/homebridge-broadlink-rm/accessories/learnir.js:19:17 at emitmany events.js:127:13 at emit events.js:201:7 at characteristic.setvalue /usr/local/lib/node_modules/homebridge/node_modules/hap-nodejs/lib/characteristic.js:155:10 at bridge. /usr/local/lib/node_modules/homebridge/node_modules/hap-nodejs/lib/accessory.js:740:22 at array.foreach native at bridge.accessory._handlesetcharacteristics /usr/local/lib/node_modules/homebridge/node_modules/hap-nodejs/lib/accessory.js:685:8 at emitmany events.js:127:13 at hapserver.emit events.js:201:7 i just noticed this plugin was picking up 2 of my broadlink sp mini wi-fi switch as well as broadlinkrm mini 3. the mac address for all 3 were incorrect but ip address was correct. for example: discovered broadlink rm device at 192.168.1.4 37:27:04:01:a8:c0 so, i turned off both of broadlink sp mini wi-fi switch, this plugin works. looks like i found the root cause of the above conflict. it might be helpful for others. let me know if you want me troubleshoot anything. i was also wondering, can you control broadlink sp mini wi-fi with your plugin?" +2110718,"""https://github.com/broadinstitute/cromwell/issues/2879""",feature request: validate subcommand to accept a zipfile of imports to resolve against,"@delocalizer commented on tue feb 07 2017 https://github.com/broadinstitute/wdltool/issues/23 currently wdltool validate accepts only one argument — a single wdl workflow file. if that file contains import statements then validation fails unless the imports happen to live in the right place relative to the local directory where you're running the command. it'd be great if wdltool validate would do the same as cromwell, i.e. accept a zipfile of imports to resolve against, so that you can validate the files that you're actually going to submit to the server, e.g. wdltool validate myworkflow.wdl myimports.zip --- @geoffjentry commented on tue feb 07 2017 https://github.com/broadinstitute/wdltool/issues/23 issuecomment-278205682 this is a great idea. tagging @katevoss in case she doesn't yet watch this repo" +1324270,"""https://github.com/dpressel/rude-carnie/issues/28""",exporting model using savedmodelbuilder,"firstly, great work. easy to use; i have been training the network myself on aws and have got impressive results. i am trying to put together a poc demo which will run the inference on a video stream. to achieve this, i am looking to use tensorflow serving. but to serve the model, we must first export it using savedmodelbuilder. so far i have this: https://gist.github.com/edge0701/dd0550cc46f83b7e0e0fd0c5b23fd392 i think the prediction signature is correct, but i know the classification signature isn't right. as i only want to do inference, i thought that i would only need the prediction signature, but i get an error: grpc.framework.interfaces.face.face.abortionerror: abortionerror code=statuscode.failed_precondition, details= default serving signature key not found. i get this error even with my incorrect classification signature export still runs fine . i'd really appreciate some help trying to export the model. i have been stuck on this for a number of days now. it would be good to add an export script to the repo to aid others wishing to serve up the model." +4297384,"""https://github.com/zurb/tribute/issues/51""",trigger menu show ?,"hello friends, is there a way to trigger suggestions popup programmatically? i've tried js tribute.showmenufor $ '.editor' .get 0 , true ; but it doesn't work. currently i'm trying to show menu with dispatching keydown + keyup events, not sure if this will work." +2663359,"""https://github.com/dimkanovikov/KITScenarist/issues/311""","при ответе на комент нужно показывать предыдущую историю переписки, чтобы не терять контекст",в той же цветовой гамме и с подписями +4495879,"""https://github.com/PatchworkBoy/homebridge-edomoticz/issues/105""",smart meter edf teleinfo not handled,"is it possible to add edf teleinfo smart meter support ? json from /json.htm?type=devices : json { addjmulti : 1.0, addjmulti2 : 1.0, addjvalue : 0.0, addjvalue2 : 0.0, batterylevel : 255, counter : 102525.579 , counterdeliv : 0.000 , counterdelivtoday : 0.000 kwh , countertoday : 9.850 kwh , customimage : 0, data : 48811934;53713645;0;0;680;0 , description : , favorite : 1, hardwareid : 2, hardwarename : smart meter , hardwaretype : teleinfo edf , hardwaretypeval : 19, havetimeout : false, id : 1 , lastupdate : 2017-08-29 12:54:24 , name : edf , notifications : false , planid : 8 , planids : 8, 9 , protected : false, shownotifications : true, signallevel : - , subtype : energy , switchtypeval : 0, timers : false , type : p1 smart meter , typeimg : counter , unit : 1, usage : 680 watt , usagedeliv : 0 watt , used : 1, xoffset : 1647 , yoffset : 752 , idx : 1 }, thanks !" +3149284,"""https://github.com/eggjs/egg/issues/690""",assertionerror: must set app.config.static.dir when static plugin enable,node version : 6.10.1 egg version : 1.0.0 plugin name : egg-static plugin version : 1.3.0 platform : ubuntu 不是有默认的路由吗? +741995,"""https://github.com/the-blue-alliance/the-blue-alliance/issues/1774""",add back streaming platform support,"since there's bunch of people who are moving away from twitch to beam, maybe there's some streams of competition over at beam. here's the main site for the platform: https://beam.pro xbox one and xbox app will both soon have the broadcasting support to beam. so, it's nice to future-proof your site for such support." +1506877,"""https://github.com/fastlane/fastlane/issues/9411""",gym complains framework not found but build in xcode succeeds,"first off, i love using fastlane! i hope i can sort this out as it's been smooth so far. new issue checklist - x updated fastlane to the latest version - x i have read the contribution guidelines https://github.com/fastlane/fastlane/blob/master/contributing.md issue description builds fine in xcode, but gym complains about framework not found see output and env github limits to 65536 characters : https://docs.google.com/document/d/1gj0fviguwbxrekpqbtu1kgjapqfmixe4tv5wcsmhwx4" +4065362,"""https://github.com/pupil-labs/docuapi/issues/43""",manifest link in header pointing to wrong path,fix manifest link with the correct path +3157446,"""https://github.com/IshentRas/cookbook-openshift3/issues/121""",chef-3694 warnings in recipes/etcd_cluster.rb and recipes/master_cluster.rb,"when bootstrapping a cluster, i get a lot of chef-3694 spam related to duplicated resources between recipe/etcd_cluster.rb and recipes/master_cluster.rb compare: - https://github.com/ishentras/cookbook-openshift3/blob/master/recipes/etcd_cluster.rb l16-l24 vs https://github.com/ishentras/cookbook-openshift3/blob/master/recipes/master_cluster.rb l30-l38 - https://github.com/ishentras/cookbook-openshift3/blob/master/recipes/etcd_cluster.rb l26-l28 vs https://github.com/ishentras/cookbook-openshift3/blob/master/recipes/master_cluster.rb l26-l28 - https://github.com/ishentras/cookbook-openshift3/blob/master/recipes/etcd_cluster.rb l30-l34 vs https://github.com/ishentras/cookbook-openshift3/blob/master/recipes/master_cluster.rb l40-l44 - https://github.com/ishentras/cookbook-openshift3/blob/master/recipes/etcd_cluster.rb l36-l39 vs https://github.com/ishentras/cookbook-openshift3/blob/master/recipes/master_cluster.rb l40-l44 if you have time @ishentras can you do a pr? else i will look it up when i have some free time." +4779662,"""https://github.com/pixelhumain/co2/issues/164""",question news => si je mentions sur mon mur avec scope privée visible de moi seulement,"1 - si je mentions sur mon mur avec scope privée visible de moi seulement , est ce que je mentionne vois la news ?? 2 - autre question, si une organization mentionne qqqun en privé cad pour ces membres only , ce quelqu'un qui n'est évidemment pas dans les membres de l'orga voit il la news? pour ces deux questions, il en va de même pour les notifs liées à ces news... désolé pour l'exemple j'ai craqué mais voilà le screenshot... ! capture d ecran de 2017-05-13 01-45-25 https://cloud.githubusercontent.com/assets/6576514/26020431/6fef4166-377e-11e7-8510-8ae4bffb1b7c.png" +4604174,"""https://github.com/iconnect/regex/issues/57""",any overlap between our named captures and pcre,"evan laforge expressed concern in the haskell cafe about worried about 'any deviation from standard pcre'. of course anyone can just decline to use the non-standard construct, so that leaves us with: a way of disabling the non-standard extensions to ensure they don't creep into a code base which seems a bit ott ; ensuring that they don't interfere with any pcre re notation. my understanding is that regex named captures will not interfere with any pcre extensions, but it would be nice to get a second opinion." +4576612,"""https://github.com/WordPress/gutenberg/issues/3149""",convert a classic block into multiple blocks,"let's leverage the pasting instructions we have for converting wordpress content into blocks, to add an action to the classic block that would transform a single legacy post into multiple blocks: ! image https://user-images.githubusercontent.com/548849/32002282-6a80ac6a-b99c-11e7-8701-771f7a62d64f.png" +2381014,"""https://github.com/spacetelescope/nircam_calib/issues/36""",inputs for persistence reference files,need to get persistence maps from jarron to go into the initial delivery of persistence map reference files. also need to turn hard saturation maps into persistence saturation reference files. +3018957,"""https://github.com/rstudio/dygraphs/issues/154""",synchronization does not work with flexdashboard,"i tried to use within a flexdashboard the synchronization, as explained here: http://rstudio.github.io/dygraphs/gallery-synchronization.html however, the result is that only the first chart is shown and the others do not appear at all. what should i do to show all the graphs in the same page, as in the synchronization tutotial ?" +493198,"""https://github.com/kipcole9/money/issues/9""",question feature why not use two columns in ecto.migrations instead of one?,"hi @kipcole9, first of thanks for this module ❤️ i was just wondering why not use two columns instead of one in ecto.migrations in my use-case i use add :currency, :string add :amount, :integer and then i can use the db arithmetic functions and then i just have a function there formatting a money struct from the currency and amount." +2978447,"""https://github.com/stwe/DatatablesBundle/issues/555""",idea - different approach to query callbacks,"hey, i feel like controller is not good place for adding conditions to query and i think it should be somehow defined in datatable class itself in similar way column builder is. this is just example how it could look. i hope we can do some brainstorming here to make it flexible enought. class postdatatable extends baseabstractdatatableview { public function builddatatable array $options = array { //.... $this->wherebuilder ->add 'post.status', array 'where_type' => 'like', 'parameter' => $options 'post.status' ; } } what do u think?" +1660534,"""https://github.com/rick-wolf/ScrapeGame/issues/2""",bugs retrieving reviews,"doesn't capture all reviews. may be due to pagination, but random reviews get left off of games with <5 reviews too" +1073270,"""https://github.com/CISSUSL/news-app-iOS/issues/8""",setup travis ci,setup travis ci and add tracis.yml file +2151958,"""https://github.com/akintner/scoopful/issues/12""",create items index,create functionality required for item index page +213560,"""https://github.com/acekyd/display-medium-posts/issues/4""",getting error on line - 104 and 114,when activating the plugin getting error on line 104 and 114 in display-medium-posts.php and most of the info not coming or broken. notice: undefined property: stdclass::$snippet in /users/veeren/documents/projects/podcast/website/wp-content/plugins/display-medium-posts/display-medium-posts.php on line 104 notice: undefined property: stdclass::$createdatrelative in /users/veeren/documents/projects/podcast/website/wp-content/plugins/display-medium-posts/display-medium-posts.php on line 114 screenshot attached : ! screen shot 2017-03-06 at 11 28 04 am https://cloud.githubusercontent.com/assets/24691007/23598403/266447ce-0260-11e7-9fe1-d33436a46e5b.png +4344401,"""https://github.com/Deletescape-Media/Lawnchair/issues/426""",scaling issue on low dpi,"so after updating to the latest 1.0.1025 i noticed that it switched my desktop grid to 6 rows 4 columns and made the dock 7 icons, it also increased the scaling on the icons to make them bigger but making the dock icons smaller while showing everything still at the default value, so i toyed around with my doing scaling and found that its caused when your dpi goes above 480 in the dev settings on o so it's a weird translation compared to build prop dpi . pixel xl odp4 on 500 dpi https://goo.gl/photos/3ympvua4hxg8qjes8 url" +2663500,"""https://github.com/GothamElections2017/RandomThoughts/issues/1521""",peoples republic of china : financial sector assessment program- detailed assessment of observance of basel core principles for effective banking supervision https://t.co/zj6qyyig1i,"
    +
    +december 26, 2017 at 05:01pm
    +via twitter" +3489960,"""https://github.com/Andrioden/Robocodo/issues/281""",crashing robots scaling robot amount issue,"the problem now is that when you end up with a lot of robots that needs to enter the city to recharge energy, you are gonna get fucked because there is only 4 entry points. what will you do when you have 10 combat robots and 10 purger robots running around?" +173317,"""https://github.com/mysql-net/MySqlConnector/issues/293""",add client connection attributes,"split from 288. when connecting to the server, specify protocolcapabilities.connectattributes and send some of the attributes documented here https://dev.mysql.com/doc/refman/5.7/en/performance-schema-connection-attribute-tables.html ; at a minimum _client_name = mysqlconnector and _client_version = current assembly version . if they can be determined quickly, consider also sending _os , _pid and _platform ." +1791281,"""https://github.com/geigi/cozy/issues/30""",missing mutagen from runtime deps,"looks like there's a mission runtime dependency: com.github.geigi.cozy traceback most recent call last : file /usr/bin/com.github.geigi.cozy , line 28, in from cozy.ui import cozyui file /usr/lib/python3/dist-packages/cozy/ui.py , line 4, in from cozy.importer import file /usr/lib/python3/dist-packages/cozy/importer.py , line 2, in import mutagen modulenotfounderror: no module named 'mutagen'" +4396891,"""https://github.com/graphcool/chromeless/issues/257""",listening to instance events,"with nightmare.js it is possible to add an event listener, for example: function onresponsedetails event, status, newurl, originalurl, httpresponsecode, requestmethod, referrer, headers, resourcetype { if httpresponsecode === 200 { if resourcetype === 'stylesheet' { stylesheets.push newurl ; } if resourcetype === 'image' { images.push newurl ;} } } nightmare.on 'did-get-response-details', onresponsedetails i think it's actually a electron feature https://electron.atom.io/docs/api/web-contents/ instance-events. anyway, i humbly request similar functionality to be added to chromeless. perhaps there is a way already? thank you for your time!" +2536067,"""https://github.com/pimcore/pimcore/issues/1225""",exif orientation not properly respeced for asset images,"pimcore does not properly handle jpeg images that have certain orientation flags set in the exif data. the witdh and heigth returned by the asset image and thumbnail object can be switched. depending on how the image is displayed in the website this can lead to the images looking stretched. this screenshot shows correctly the landscape image but the width and height are those of a portrait image exif orientation 5 . ! exif orientation bug https://cloud.githubusercontent.com/assets/7881418/22403049/4a548164-e60c-11e6-8347-9264c1270ca1.png in our setup the scaled thumbnails show the correct orientation, so the thumbnail processor seems to properly respect the exif orientation. you can reproduce this using this sample from this repository: https://github.com/recurser/exif-orientation-examples" +3672896,"""https://github.com/TrinityCore/TrinityCore/issues/19993""",cannot fight mistwhisper / oracle mobs when doing frenzyheart quests.," description: after having started doing the frenzyheart questlines in sholazar basin, e.g. the mist isn't listening http://www.wowhead.com/quest=12538/the-mist-isnt-listening , the oracles in the zone appear to be hostile but you cannot attack them and they do not attack you despite the reputation loss. expected behaviour: after having lost rep with the oracles by doing frenzyheart quests, the oracles should become hostile to you. branch es : 3.3.5 tc rev. hash/commit: e35092c6a164 tdb version: 335.62 operating system: server & client windows 10" +1323593,"""https://github.com/kubernetes/kubernetes.github.io/issues/2837""",docker image has old version of bundler,this is a... - feature request - x bug report problem: when i run docker run -ti --rm -v $pwd :/k8sdocs -p 4000:4000 gcr.io/google-samples/k8sdocs:1.0 i get the following warning: warning: the running version of bundler 1.13.1 is older than the version that created the lockfile 1.13.6 . we suggest you upgrade to the latest version of bundler by running gem install bundler . proposed solution: 1. update the docker image regularly. 2. make the docker image the official way to do builds so that everyone gets the same result. 3. move the docker image to a registry/repo where community members have access and can help maintain/push new images. hosting this on gcr.io/google-samples is not appropriate for a non-google project. +4990034,"""https://github.com/SnapKit/SnapKit/issues/480""",how do we make constraints equal?,"new issue checklist x i have looked at the documentation http://snapkit.io/docs x i have read the f.a.q. http://snapkit.io/faq x i have filled out this issue template. issue info info | value | -------------------------|-------------------------------------| platform | ios platform version | 11.0 snapkit version | 4.0.0 integration method | cocoapod issue description how do we make constraints equal to another constraint? i tried make.height.equalto make.width , but that had a compiler error. right now i am using make.height.equalto view.snp.width . but i rather reference self or something similar. i noticed that snp has a private reference to the view, can that be made public?" +482858,"""https://github.com/inolen/redream/issues/212""",shikigami no shiro ii japan - only black screen after sega licence logo,shikigami no shiro ii japan - only black screen after sega licence logo i used real bios and japan region in redream config. +2838621,"""https://github.com/Danielhiversen/flux_led/issues/45""",add output channel remap ability,"there seems to be some discrepancies between different led strip manufacturers on what color wires mean what. to minimize confusing wiring or electrical work, support the ability to remap output channels per-device. once the mapping is determined for the device, interacting with the flux_led api should be able to cause colors to change correctly ie, setting the red channel value in the api causes the red led's to turn on on the strip ." +4921606,"""https://github.com/republic-of-almost/mono/issues/39""",private headers for premake,we need include dirs that do not get propagated via the dependencies. +2259040,"""https://github.com/Xephi/AuthMeReloaded/issues/1097""",changepass command is broken,"on latest authme 5.2 release when user try to change pass with /changepass oldpass newpass, it keep to saying that password is wrong. was working in the old release... 5.2 dev no errors, using 1.8.8 version" +19951,"""https://github.com/kevinmmartins/MyQuarium/issues/7""",artigo - myquarium,criação do artigo do projeto para disponibilizar na wiki +2108850,"""https://github.com/w3c/publ-loc/issues/4""",the use case of wp requires a small extension of the wa model: source for selectors.,there seems to be a need to _extend_ albeit slightly the wa model insofar as the source relationship could also be specified for a selector. this is made important due to the duality of an address of a wp vs. and address of a constituent resource. +3926916,"""https://github.com/debian17/MarvelApp/issues/3""",spalshscreenactivity.java line 33,in com.example.citilin.testapp.ui.spalshscreenactivity.loguser number of crashes: 1 impacted devices: 1 there's a lot more information about this crash on crashlytics.com: https://fabric.io/null1111111113/android/apps/com.example.citilin.testapp/issues/59a683e6be077a4dccd320a4?utm_medium=service_hooks-github&utm_source=issue_impact https://fabric.io/null1111111113/android/apps/com.example.citilin.testapp/issues/59a683e6be077a4dccd320a4?utm_medium=service_hooks-github&utm_source=issue_impact +4634698,"""https://github.com/NuGet/NuGetGallery/issues/3628""",nuget.server adds extra spaces are tags in v2 feed,"this is low priority. suppose you have these tags in your .nuspec: xml some tags for k.np.b the tags that get returned by nuget.server are: xml some tags for k.np.b vsts, nugetgallery and vsts all return: xml some tags for k.np.b notice the space added at the beginning and end of the string." +610774,"""https://github.com/semsol/arc2/issues/88""",problem with insert data,"hi i'm trying to insert data into my rdf database using arc2. this is my code: $end, ; / instantiation / $store = arc2::getremotestore $config ; $q = prefix vc: prefix rdfs: select ?nome_rule count ?nome_violazione as ?conto where { ?nome_violazione vc:hasviolationuser vc:fb220550 . ?nome_violazione vc:hasviolationrule ?nome_rule . } group by ?nome_rule ; $q2 = prefix vc: prefix rdfs: prefix rdf: prefix owl: insert data { vc:animallipid_6666662 vc:amountnutrient 6666.66 . vc:animallipid_6666662 vc:unit \ g\ . vc:animallipid_6666662 rdf:type vc:animallipid . vc:animallipid_6666662 rdf:type owl:namedindividual . } ; $rows = $store->query $q2 ; print_r $rows ; ?> the first query, which is a select query, works like a charm. the second one, which is an insert data, is not working at all. my server is graphdb. how can i make it work? where i'm wrong? thanks in advance." +5219069,"""https://github.com/openhab/openhab2-addons/issues/2890""",homekit binding - automation limited over the homekit app,i just recognized that i have only 1 option of automation over the homekit app. i have an apple tv 4 too at home. is the homekit binding or the apple tv 4 the reason? ! img_0758 https://user-images.githubusercontent.com/8831145/33256924-7eac797c-d354-11e7-874a-9546ed5086a8.jpg +3926351,"""https://github.com/ClockSelect/myevic/issues/288""",rx 2/3 cant upload logo not 64x48," box model: coil setup:" +4244976,"""https://github.com/vatlab/SoS/issues/778""",%from magic import class / function definitions from other sos scripts or sos notebooks,"sos is a great book-keeping tool, but i still find myself relying on utility scripts for pure python code imported in sos as from .utils import ... . is it reasonable request to import from other sos scripts functions and classes defined, as is? i can immediately see myself using a utils.ipynb to keep all my utility functions, nicely separated into sections, subsection, etc, documented with markdown cells here and there, tested with scratch pad and %preview, rendered to nice html for review, and above all be able to load to all other sos scripts and notebooks. currently we have %from utils include some_step and hopefully we can also have %from utils import some_functions, some_classes" +2650731,"""https://github.com/twhite96/checkyoself/issues/85""",checkyoself checkyoself checkyoself checkyoself checkyoself added a little thing to the footer,"checkyoself checkyoself checkyoself checkyoself checkyoself added a little thing to the footer +by twhite96 +assigned to checkyoself checkyoself checkyoself checkyoself added a little thing to the footer by twhite96 assigned to checkyoself checkyoself checkyoself added a little thing to the footer by twhite96 assigned to checkyoself checkyoself added a little thing to the footer by twhite96 assigned to checkyoself added a little thing to the footer by twhite96 assigned to labeled: july 9, 2017 at 08:14pm via github https://github.com/twhite96/checkyoself/pull/17 labeled: october 2, 2017 at 03:23pm via github https://github.com/twhite96/checkyoself/issues/49 labeled: october 2, 2017 at 04:25pm via github https://github.com/twhite96/checkyoself/issues/60 labeled: october 2, 2017 at 06:25pm via github https://github.com/twhite96/checkyoself/issues/71 labeled: +october 2, 2017 at 08:25pm +via github https://github.com/twhite96/checkyoself/issues/74 ┆attachments: 7698292" +5214212,"""https://github.com/Azure/azure-webjobs-sdk/issues/1378""",passing data from function invocation filter to function,i am trying to validate jwt token inside function filter and pass claims as claimsprincipal to function. is this possible ? not sure if executingcontext.properties has anything to do with it. +3671620,"""https://github.com/EmulatorNexus/VeniceUnleashed/issues/243""",soldier:setposition vec3 resets the vertical rotation of the camera.,"the horizontal rotation is kept, but the vertical rotation gets reset." +2907976,"""https://github.com/Blood-Asp/GT5-Unofficial/issues/1062""",unused ores not being hidden/disabled,gregtech still creates force and fire stone ore in addition to a variety of others such as ignis ore despite the config being set to true: b:hideunusedores=true +243086,"""https://github.com/iptomar/projectary-frontend/issues/56""",use a config file for the api address,"i assume that ip that appears everywhere is for the api, that's good and all but you shouldn't be putting it on the code itself but on a global configuration file." +5286845,"""https://github.com/marian-nmt/marian-dev/issues/145""",add option to marian decoder to generate alignment and attention matrices,add option to marian decoder to generate alignment and attention matrices. should follow the format in amun. +391217,"""https://github.com/plumi/plumi.app/issues/891""",merge engage branch of atvideo into trunk and release,reported by and on 4 jul 2007 15:28 utc apart from andy and axxs hardly anyone is actively contributing to developing atvideo. nate has given em ownership of the atvideo product page as he has moved onto developing p4a video on zope3 and is happy for us to take it over. merge the engage branch into trunk and release. +1256311,"""https://github.com/snood1205/issues/issues/11608""",it's november 29 2017 at 10:15am!,"it's november 29, 2017 at 10:15am! @snood1205" +2461908,"""https://github.com/fog/fog-vsphere/issues/113""",datastores : get datastore in maintenance mode,"hi, i try to check datastores who are in maintenance mode , but no field in datastore is present. i've add it in list_datastores ruby def datastore_attributes datastore, datacenter { :id => managed_obj_id datastore , :name => datastore.name, :accessible => datastore.summary.accessible, :type => datastore.summary.type, :freespace => datastore.summary.freespace, :capacity => datastore.summary.capacity, :uncommitted => datastore.summary.uncommitted, :datacenter => datacenter, :maintenance_mode => datastore.summary.maintenancemode, } end i don't know if it's the best way for implement it ? michael" +3705089,"""https://github.com/shuhongwu/hockeyapp/issues/21782""","fix crash in - wbbutton drawinrect:withcontext:asynchronously:userinfo: , line 888","version: 7.1.0 3117 | com.sina.weibo stacktrace
    wbbutton;drawinrect:withcontext:asynchronously:userinfo:;wbbutton.m;888
    +wbasyncdrawingview;_displaylayer:rect:drawingstarted:drawingfinished:drawinginterrupted:;wbasyncdrawingview.m;330
    +wbasyncdrawingview;_displaylayer:rect:drawingstarted:drawingfinished:drawinginterrupted:;wbasyncdrawingview.m;427
    +wbasyncdrawingview;_displaylayer:rect:drawingstarted:drawingfinished:drawinginterrupted:;wbasyncdrawingview.m;435
    +wbasyncdrawingview;displaylayer:;wbasyncdrawingview.m;468
    reason objc_msgsend selector name: _cftypeid link to hockeyapp https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/159635064 https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/159635064" +4753306,"""https://github.com/postmanlabs/postman-app-support/issues/3222""",close a postman window will close all other postman window on desktop app,"app details: postman for windows version 5.0.0 win32 6.3.9600 / x64 issue report: 1. not sure. i always used the chrome app, just changed to desktop app for about a month 2. hit close on a postman window only close that window, not all postman windows 3. none 4. none step to reproduce: 1. open postman desktop app 2. open a new postman window ctrl n 3. hit close on either window 4. both window close same with 3 or many windows. only happen with desktop app, the chrome app works fine" +364418,"""https://github.com/smartdevicelink/sdl_android_guides/issues/26""",blank pages when viewing guide on developer portal,the following sections of the android guide/pages in the android guide pdf in the developer portal are either completely blank or have a large blank space that should be removed: - addcommand - parameter list page 31 - deletecommand - parameter list page 35 - addsubmenu - parameter list pages 37 - 38 - deletesubmenu - parameter list page 42 - alert - parameter list pages 45 - 46 - createinteractionchoiceset - hmi status requirements pages 54 - 55 - deleteinteractionchoiceset - hmi status requirements page 57 - registerappinterface - hmi status requirements pages 61 - 64 - unregisterappinterface - hmi status requirements pages 75 - 79 - setglobalproperties - hmi status requirements page 93 - setmediaclocktimer - hmi status requirements pages 99 - 100 - show - hmi status requirements pages 105 - 106 - performinteraction - hmi status requirements pages 122 - 124 - performaudiopassthru - hmi status requirements pages 133 - 134 - subscribevehicledata - hmi status requirements pages 139 - 140 - unsubscribevehicledata - hmi status requirements pages 146 - 147 - getvehicledata - hmi status requirements pages 153 - 156 - readdid - hmi status requirements page 161 - scrollablemessage - hmi status requirements page 166 - changeregistration - hmi status requirements pages 170 - 171 - genericresponse - putfile pages 174 - 175 - deletefile - hmi status requirements page 180 - setdisplaylayout - page 184 steps to reproduce: 1. go to https://smartdevicelink.com/en/guides/ 2. click on 3 android guides or 1. go to https://smartdevicelink.com/resources/pdfs/ 2. click on android guides expected: these pages should not be blank or have such large blank spaces. +4419880,"""https://github.com/AlayshChen/sonoff-server/issues/1""",how can i get appid and apikey,how can i get appid and apikey +922283,"""https://github.com/nie-ine/raeber-website/issues/66""",error messaging in suche on selecting convolute types," i'm submitting a ... check one with x x bug report => search github for a similar issue or pr before submitting feature request support request => please do not submit support request here, instead see use gitter https://gitter.im/mgechev/angular2-seed or stackoverflow https://stackoverflow.com/questions/tagged/angular2 current behavior after a word search in the component suche, selecting a convolut type triggers a message: suche.component.html:17 error typeerror: cannot read property 'value' of null at suchecomponent.updatesuchmaskekonvolutirimapping suche.component.ts:542 at suchecomponent.handlesearchevent suche.component.ts:226 it seems that selecting notizbücher does not sort out typescripts usually the ones in full caps in the title expected behavior no error message. fewer poems on selecting convolutes. minimal reproduction of the problem with instructions navigate to suche search trümmer click konvolute click notizbücher look at console" +3137374,"""https://github.com/linuxgurugamer/KaptainsLog/issues/11""",narrow button remains visible in narrow mode of the log entry window,"on the log entry window, when in narrow mode, the narrow button remains visible. this isn't true of the other two size buttons which disappear when that mode is active." +698299,"""https://github.com/elmasse/nextein/issues/2""",get category from dir structure,"hi, awesome project! how about this: instead of defining the category in each post, we could define it with the dir structure like this: ├───posts │ ├───cat-1 │ │ └───post-cat-1.md │ ├───cat-2 │ │ └───sub-cat-2 │ │ └───post-sub-cat-2.md │ └───post-cat-2.md the posts would be available via: /cat-1/post-cat-1 /cat-2/post-cat-2 /cat-2/sub-cat/post-sub-cat-2" +2445588,"""https://github.com/dev-papaya/ideas/issues/5""","mini sistema de venta, bodega y facturación","crear una pequeño sistema el cual administrara el inventario de producto, la venta de esto como un pequeño y ecommerce y poder hacer facturación." +751331,"""https://github.com/HaxeFoundation/hxcpp/issues/663""",stderr points to stdout. regression,"haxe 3.4 sys,stderr points to stdout https://github.com/haxefoundation/hxcpp/blob/master/src/hx/libs/std/file.cpp l396 in haxe 3.2 stderr works correctly this is really a blocking bug because in many cases stderr and stdout treated differently console commands pipe-lining and many other stdio based apis" +4518257,"""https://github.com/geosolutions-it/decat_geonode/issues/306""",schedule automatic backups for geonode,script periodic backups of geonode using geonode's backup / restore functionality +3191097,"""https://github.com/mautic/mautic/issues/3902""",bug report: for processfetchemailcommand.php - plugin injected criteria is not being considered in execution!,context: /app/bundles/emailbundle/command/processfetchemailcommand.php at line 106 only unread messages are considered for execution: 106: $mailids = $imaphelper->fetchunread ; imho - in order to execute criteria that is injected by an emailsubscriber the code needs to changed to: 106: $mailids = $imaphelper->searchmailbox $criteria ; this makes sure that all criterias that are injected by specific emailsubscriber methods are executed. all unread can thus been defined as default criteria. +2719885,"""https://github.com/loiste-interactive/infra-issues/issues/1057""",isle1: stuck in bushes,"http://steamcommunity.com/app/251110/discussions/1/1520386297703834530/ > after leaving the plant in start of part 3, there is a harbour building where you can climb some stairs to get to the secound floor. there is a box in front of an broken/missing window. > > when you jump down you will land in some bushes, a tree and a wooden box. i was not able to leave that bushes. i had to reload." +3758891,"""https://github.com/loldlm1/AppDelivery/issues/5""",diseño de contacto,"éste se corresponde de dos partes y dejo a tu criterio cual sería la mejor manera de trabajarlo: propuesta 1: que el formulario de contacto vaya incluido por defecto en una sección de todas las páginas. propuesta 2: que haya una página de contacto aparte de las demás. en cualquiera de los dos casos, aparte de ese diseño, se debe hacer uno del live chat, ya que se ofrecerán las dos modalidades, asíncrona y live." +2993529,"""https://github.com/yortus/require-self/issues/9""",about prepublish script and changing behaviour,"hi, as explained in npm doc https://docs.npmjs.com/misc/scripts prepublish-and-prepare , prepublish script will soon change a little. having this in mind, i wonder if you should change the readme file to add require-self to postinstall or prepare hook instead of prepublish ? i think the most common use would be postinstall, what do you feel about that ?" +5249210,"""https://github.com/mfontanini/libtins/issues/227""",update documentation/examples on following partial tcp streams,"the documentation in the website is outdated, so it should be regenerated. but besides that, there's no documentation on how to enable recovery mode when following tcp streams. there should be some example that uses this, as well as a more descriptive mention of stream::enable_recovery_mode in the documentation." +2174012,"""https://github.com/zendesk/zendesk_api_client_php/issues/348""",can't find user by id,"hello, i'm trying to get the name of the author for comments. using the sdk i can't find a way to simply load user information based on id as in the show user endpoint from the api /api/v2/users/{id}.json i've tried searching with id:author_id but that returns nothing. is there something obvious i'm missing?" +4951909,"""https://github.com/Kjonge/PowerBIStravaConnector/issues/2""",could you please add a license,"hello kasper, could you please add a license to your code? we will probably get inspiration on your code for a bridge to pryv. best regards, perki" +3954049,"""https://github.com/mibexsoftware/bamboo-plan-dsl-plugin/issues/54""",artifact download task creation fail,"i'm making a plan which has 3 tasks 2 artifacts download and 1 script . it's something like: artifactdownload { description 'get artifact' artifact 'base' { destinationpath 'infrastructure' sourceplankey 'ici-tb' } } artifactdownload { description 'get artifact 2' artifact 'ami' { destinationpath 'infrastructure' sourceplankey 'ici-bba' } } script { description 'validate' inline { interpreter scriptinterpreter.run_as_executable workingsubdirectory 'infrastructure/bundles' scriptbody '''set -eo pipefail some function call'''.stripmargin } } i'm sure both the shared artifacts exist. but when i run the plugin i get this output: log.txt https://github.com/mibexsoftware/bamboo-plan-dsl-plugin/files/1189911/log.txt i found that removing the script task makes the plugin runs correctly. seems like there's an interference between the functions. i hope you can solve this soon, i really need it." +842499,"""https://github.com/davidgiven/ack/issues/54""",basic: _mid can return uninitialized pointer,"hi, cppcheck found this in function _mid lang/basic/lib/string.c:161 : error uninitialized variable: s2 imo it is better to return s or call error than to return an uninitialized pointer." +3391369,"""https://github.com/pulibrary/plum/issues/1283""",one-step workflow for lae folders,"folders should only have one step: make public, or something similar. complete ? . however, all this does is make the metadata record public. the images should be hidden until a second qa process happens. how do we want to do that?" +317539,"""https://github.com/ryran/ravshello/issues/173""",update login to support new identity domains,"the python sdk from ravello already supports this: > > login username=none, password=none, identity_domain=none > > login to the api. > > this method performs a login to the api, and store the resulting authentication cookie in memory. > > it is not mandatory to call this method. if this method is not called, the client will automatically login when required. > > when the organization of the user has an identity domain, the user must specify it or include it in the username: /. when the organization doesnt have an identity domain use only the username. right now, it's still possible to authenticate with username and passwd only, but identity domain will soon be required. probably want to accept identity domain in all the same ways as username/password ie argument, config, prompt ." +1256415,"""https://github.com/ftn-ai-lab/sc-2017-e2/issues/5""",klasifikacija belih krvnih zrnaca,"ko su članovi tima? > kristina papić ra1-2014 i siniša božić ra192-2014 , grupa 4 problem koji se rešava? > rešavaće se klasifikacija belih krvnih zrnaca na neutrofilne, limfocite, eozionofilne i monocite. prvo se identifikuju leukociti iz dataset-a sa slikama, a zatim se obučava neuronska mreža za klasifikaciju leukocita u prethodne navedene grupe. koji će algoritmi biti korišteni? > konvoluciona neuronska mreža metrika za poređenje performansi algoritama > na osnovu broja tačno prepoznatih i klasifikovanih leukocita. podaci koji se koriste? > podaci tj. slike su preuzete na web-u i ne moraju se obrađivati. validacija rešenja? >validacija će biti izvršena pomoću dataset-a koji je odvojen za testiranje neuronske mreže. preciznost će biti iskazana u procentima, tj. koliko je tačnih test slika u odnosu na ceo skup test slika. repozitorijum: https://github.com/sinisa95/white-blood-cell-classification asistent: @stefanandjelic" +2712589,"""https://github.com/MoePlayer/hexo-tag-aplayer/issues/20""",release v2.0.6 on npm,i need pjax support in my blog. 😂 +3293965,"""https://github.com/goldfire/howler.js/issues/845""",content type for streaming,"hello, does it stream audio for all content types or do we need to have a specific type? during my research i found resources suggesting to use audio/mpeg content type for streaming audio. is that a requirement for howler? currently our content-type is application/octet-stream. it seems to be streaming most of the times but sometimes it shows a spinner and it takes some time to start playing which makes us think it's downloading the whole content before it starts playing. thanks in advance." +3567533,"""https://github.com/alarmsone/PRE-IDC/issues/761""",merge commit created for pull request 5 added s...,
    display name myfirstproject
    entity name myfirstproject
    application microsoft_vsts
    category git.pullrequest.merged
    message merge commit created for pull request 5 added sysout0.txt in myfirstprojecthttps://csez-ao.visualstudio.com/_git/myfirstproject/...
    severity warning
    status open
    occurred time 28-02-2017 22:30:14 ist +0530
    shared by alarmsone superadmin
    view detailed message view message
    +4607547,"""https://github.com/Haishi2016/osb-checker/issues/4""",incorrect assertion for binding requests and ac,"osb spec https://github.com/openservicebrokerapi/servicebroker/blob/v2.13/spec.md asynchronous-operations has the following to say about the accept_incomplete param: >note: asynchronous operations are currently supported only for provision, update, and deprovision. for a broker to return an asynchronous response, the query parameter accepts_incomplete=true must be included the request. if the parameter is not included or is set to false, and the broker cannot fulfill the request synchronously guaranteeing that the operation is complete on response , then the broker should reject the request with the status code 422 unprocessable entity and the following body: as indicated above, binding operations currently should not handle the accept_incomplete param and should therefore not fail with the 422 unprocessable entity status. this check should be removed to be in alignment with the specification." +1478953,"""https://github.com/dotnet/roslyn/issues/18309""",navigate to member spelling correction fails for numbers,"version used : vs 2017 15.0.0+26228.9 steps to reproduce : 1. open roslyn.sln 2. press ctrl+t 3. type m testdesconstruction4 expected behavior : the testdeconstruction4 method is selected. actual behavior : the testdeconstruction method is selected. additional steps : if you type m testdesconstruction44 with a second 4 at the end , the testdeconstruction4 method is now selected. it seems the first number is being ignored when making a spelling correction to the input?" +3245329,"""https://github.com/rohithreddykota/HanaModeling-CalcView/issues/1""",need to update readme,have to give basic info and explain how you can import the views in your hana studio contents +3337257,"""https://github.com/CapitalD/taplist/issues/11""",brewer: mark beer as official,as a brewer i want to mark a beer as official so that i can confirm the details are correct +3005965,"""https://github.com/fulls1z3/ngx-meta/issues/98""",fails compile with strictnullchecks in tsconfig,"regression a behavior that used to work and stopped working in a new release bug report support request => x feature request documentation issue or request current behavior fails compile with strictnullchecks enabled in tsconfig error in @ngx-meta/core/src/models/meta-settings.d.ts 9,9 : property 'title' of type 'string | undefined' is not assignable to string index type 'string'. error in @ngx-meta/core/src/models/meta-settings.d.ts 10,9 : property 'description' of type 'string | undefined' is not assignable to string index type 'string'. error in @ngx-meta/core/src/models/meta-settings.d.ts 11,9 : property 'keywords' of type 'string | undefined' is not assignable to string index type 'string'. expected/desired behavior would be nice to have it passing with strictnullchecks enabled ts version 2.3.4 @ngx-meta/core@4.0.1" +4952406,"""https://github.com/thestonefox/VRTK/issues/1080""",deprecation messages confusing,"> note: any issue that does not follow the below template will be immediately closed and not re-opened until the template structure is adhered to. precheck don't see any mention of this in docs or issues environment current github e719f44 vive steamvr unity 5.5.2 steps to reproduce try to use most deprecated methods or properties expected/current behavior message that describes what to use instead. or a document somewhere in documentation.md etc that describes what's been replaced with what. as it is some deprecated items have documentation good enough to point you in the right direction, but a lot don't. examples: vrtk_controllerevents.grabpressed is no longer used. this parameter will be removed in a future version of vrtk." +3716685,"""https://github.com/freeCodeCamp/freeCodeCamp/issues/15483""",video attached to data visualization projects: visualize data with a bar chart isn't working,"screen challenge visualize-data-with-a-bar-chart http://beta.freecodecamp.com/en/challenges/data-visualization-projects/visualize-data-with-a-bar-chart has an issue. user agent is: mozilla/5.0 macintosh; intel mac os x 10_11_6 applewebkit/537.36 khtml, like gecko chrome/58.0.3029.110 safari/537.36. please describe how to reproduce this issue, and include links to screenshots if possible." +2059870,"""https://github.com/EthicalNYC/website/issues/57""",prevent line break inside nysec name in the ethics in action pane,on the ethics in action pane from the front page: http://www.nysec.org/testing/ethics-action-v2front we want the name new york society for ethical culture to appear on a single line as much possible except on very narrow displays and to stand out from the intro welcome to the ... line. +425963,"""https://github.com/unaio/una/issues/578""",protean: spaces in same fields result into a plain website,"example: i want to set a border-radius for each single corner. so i enter 0 20px 20px 0 . but because of the spaces the website can't return any content plain page . this bug is in some more fields, but not in all border size can handle spaces ." +2335596,"""https://github.com/sivasamyk/logtrail/issues/163""",message field looks like truncated,original message in kibana is displayed with no cut. the same message displayed in the logtrail is truncated... ignoring order cancelation request for order order 1009217179 because it is already in state rejected { r : 59a5676ec818e7.32402933 } vs ignoring order cancelation request for order order 1009217179 because it the message is probably split to the next line. +358796,"""https://github.com/fmadio/fmad20_issues/issues/130""",include nfs / cifs mounting ability in the kernel,currently the kernel can t mounbt remote nfs/cifs shares due to the minimial build style. add these back so the capture system can mount remote devices +1911396,"""https://github.com/IgnaceMaes/MaterialSkin/issues/189""",hold button click animation is not supported,like in android when we hold an button for some time >> appears an circle animation that stays inflating for about two seconds then gets exploded or stays big i see that checkbox already have something like that it's useful to detect whether the button is enabled or not cause sometimes it feels like this button is not working when you hold until you stop-holding +3136523,"""https://github.com/laurencedawson/reddit-sync-development/issues/1841""",feature request hide new multireddit option if user is not logged in,"since the user must be logged in to create a multireddit, the option to create one should be hidden from the user if they are not logged in. this can potentially cause confusion as the app will just show a toast saying failed to create multireddit ." +3479513,"""https://github.com/frontendbr/eventos/issues/170""",criciúma vale do carbono conference 2017,"título : vale do carbono conference 2017 data : 20 de maio local : r. ernesto bianchini góes, 91 - acic - criciúma/sc - próspera descrição breve : com duas trilhas de palestras simultâneas, divididas em tecnologia e negócios, os participantes contarão com 14 palestras, ministrados por profissionais vindos de todo o brasil, e experimentarão in loco do poder transformador que a conexão entre ideias e pessoas pode proporcionar. logotipo do evento: : http://valedocarbono.org/conference/assets/img/logo-vale-do-carbono.svg valor : a partir de r$ 90 mais informações : http://valedocarbono.org/" +3723400,"""https://github.com/john-packel/GoodReads-MVP-app/issues/32""","bug fix: when user clicks quora topic link and goes to that site then hits back button, this throws error.","quoraqurl = qtext 0 .qquestionlink; +typeerror: cannot read property '0' of undefined solution may be as simple as having the quora page open in a new tab, in which case if i take that route then i want to let user know to look at that tab." +2210705,"""https://github.com/BD2KGenomics/ga4gh-integration/issues/55""",review opensnp use cases,how does ga4gh leverage opensnp data? +1706216,"""https://github.com/18F/web-design-standards-docs/issues/377""",cull down / simplify colors,have duplicate swatches gets confusing for dev + design. let's see if we can trim these down and remove some the duplicates! ! color-updates https://user-images.githubusercontent.com/12564977/29427730-5832bd6e-8350-11e7-85de-5ea034d3d121.png +1075147,"""https://github.com/vishesh/racketscript-playground/issues/7""",dom loaded twice,the hello message is added twice. this is on an ipad using google chrome using webkit if i recall correctly . ! img_0050 https://user-images.githubusercontent.com/461765/27952158-9f5351a4-6307-11e7-8d6c-67cf89881b4e.png +2264152,"""https://github.com/SpoonX/sails-hook-authorization/issues/30""",not compatible with sails v1,i tried to get the hook working on sails v1. didn't work from skratch for waterline issues encountered: model user: tojson not supported anymore -> created customtojson authcontroller: no dynamic finder supported for user.findby_... +3304939,"""https://github.com/butterproject/butter-desktop/issues/677""",butter project independence,there is a guide for how to maintain a open-source project here: https://github.com/nayafia/lemonade-stand please do post your ideas how to make butter sustainable and reasons for ours work. +3378586,"""https://github.com/nabbar/SwaggerValidator-PHP/issues/25""",missing method disablecacheregen,during upgrade of v1.3.1 to v1.3.2. the disablecacheregen method in swaggerphp class was lost. +3100437,"""https://github.com/czcorpus/kontext/issues/1785""",escaping of some characters in text type selection is broken,try czesl-sgt corp and a+ value +3667145,"""https://github.com/ISISComputingGroup/IBEX/issues/2393""",log improvements: stop the ioc log button from flashing this is tbc,"as someone who supports ibex i want to make sure that my changes to the ioc log system are having a useful effect acceptance criteria 1. 2389 has been completed 1. the change in 2389 has been in use for at least one cycle 1. if the ioc log is still annoying after the change in 2389 has been tried, stop the button from flashing. if it isn't, this ticket can be discarded" +788943,"""https://github.com/owtf/community-plugins/issues/7""",add testssl.sh to the active ssl plugin,"> thanks abe! looks like this little tool has great feedback and i think it would probably be a good idea to run it in the active ssl plugin, any takers? : https://github.com/drwetter/testssl.sh" +4070005,"""https://github.com/mozilla/fxa-auth-server/issues/2106""",add a lazy devices getter to the request object,"i noticed that /recovery_email/verify_code makes two calls to push.pushtoalldevices , meaning there are two calls to db.devices per request. additionally, there is a sync_device_count user property that needs to included on amplitude events, which also requires a call to db.devices . we can sort out both of these issues and prevent duplicate calls in the future by making request.app.devices a lazy getter à la request.app.geo . i've officially gone lazy getter crazy." +2630573,"""https://github.com/status-im/status-react/issues/1110""",content of the input field is shared between different accounts on same device,"description comment : feature or bug? i.e type: bug type : bug comment : describe the feature you would like, or briefly summarise the bug and what you did, what you expected to happen, and what actually happens. sections below summary : both in develop and chat-api-rebase builds but not in 0.9.6 release. if account a types some text/command in console/chat but does not send it and switch to account b then same text/command is shown in input field. video: https://drive.google.com/open?id=0bz3t9zsg1wb7z2u4tmqxzfrkqve expected behavior comment : describe what you expected to happen. content of the input field is not shared between a and b. it can contain value typed in previous session or it can be empty but it should not contain text from another account. actual behavior comment : describe what actually happened. account a and b are sharing content of the input field reproduction comment : describe how we can replicate the bug step by step. - as account a: - open status - in 1-1 chat or in console type hello from a or select any command. do not send this - switch to account b - as account b, open console or 1-1 chat and check content of the input field additional information status version: 0.9.7d22 operating system: android and ios" +2821883,"""https://github.com/Giswater/giswater/issues/57""",open giswater from qgis plugin,- get qgis database connection parameters - get parameters 'file_inp' and 'file_rpt' of the current user from table 'config_param_user' +2999702,"""https://github.com/Samwalton9/TWL-tools/issues/3""",provide interface for tracking scheduled tasks,"there are one or more scheduled tasks run by the tool, but currently no way for the twl team to view or track them in the twl tools web interface. a page with a list of scheduled tasks, and perhaps the ability to interact e.g. modify, cancel with them, would be useful." +2027146,"""https://github.com/rjbs/Getopt-Long-Descriptive/issues/24""",:+ arguement specification displays as =str instead of =int,"i noticed that when using 'foo:+' for the format, the usage text shows --foo =str when it should show --foo =int based on the documentation for getopt::long https://metacpan.org/pod/getopt::long :-+- -desttype- 'foo:i', however, generations --foo =int as expected." +3864262,"""https://github.com/agnaite/look-up/issues/1""",modify search result display,split up output tables by product id +4791918,"""https://github.com/status-im/status-react/issues/2631""",error null is not an object evaluating 'c.greaterthanorequalto' is displayed when trying to send eth offline,"description type : bug summary : when the user is not connect to the wifi, error null is not an object evaluating 'c.greaterthanorequalto' is displayed when trying to send eth from the wallet. expected behavior the user should be able to enter an amount and a recipient before signing in. actual behavior the error message prevent the user to select a recipient or an amount. reproduction - open status - turn off the wifi. - back to status, go to the wallet , tap send . - select a recipient then enter an amount or enter the amount first then the recipient right after the error null is not an object message is displayed. ! img_2 https://user-images.githubusercontent.com/33925578/33663407-c2b397ec-da87-11e7-8c31-3230520aa8e6.png ! screenshot_3 https://user-images.githubusercontent.com/33925578/33663497-24f1007a-da88-11e7-898e-2599db96935d.png ! screenshot_4 https://user-images.githubusercontent.com/33925578/33663560-63fbef8c-da88-11e7-9efd-d4f733d9583a.png additional information status version: 0.9.12 1557.321 operating system: android and ios" +4350136,"""https://github.com/cuth/postcss-pxtorem/issues/40""",does't work with webpack3,"{ loader: 'postcss-loader', options: { plugins: loader => precss, autoprefixer, pxtorem { rootvalue: 100, propwhitelist: , } } } it does't work. there is no error." +5201476,"""https://github.com/maqduni/AspNetCore.Identity.RavenDb/issues/6""",typeloadexception: inheritance security rules violated,"by type: 'system.net.http.webrequesthandler'. derived types must either match the security accessibility of the base type or be less accessible. i get this on all ravendb operations query/store,... any idea what this might be ? dont worry, think its not directly related to this project, just hoping you mightve encountered this before" +2490867,"""https://github.com/autocrypt/autocrypt/issues/226""",interaction with mailing lists that rewrite from:,"some mailing lists rewrite from: addresses of messages they re-send to their subscribers. some of those mailing lists also forward any headers that they already got. this means that anyone capable of publishing to that mailing list is also capable of publishing an autocrypt header for that mailing list, which could cause people to encrypt to the list depending on their prefer-encrypt settings : do we want to have guidance for how to deal with or detect mailing lists specifically? should there be guidance for mailing list implementations that they should strip also autocrypt: headers if they rewrite from: ? this is not a level 1 concern." +1049718,"""https://github.com/tensorflow/tensorflow/issues/6739""","lstm_cell/weights does not exist, fail only using master code, ok for release version 0.12.1","the code like below: for i in range max_steps : with tf.variable_scope rnn , reuse=true if i > 0 else none : last_symbol = input output, state = self.cell last_symbol, state file /home/gezi/mine/tensorflow-exp/deepiu/seq2seq/rnn_decoder.py , line 189, in generate_sequence output, state = self.cell last_symbol, state file /usr/lib/python2.7/site-packages/tensorflow/contrib/rnn/python/ops/lstm_ops.py , line 381, in __call__ self._num_units 4 file /usr/lib/python2.7/site-packages/tensorflow/python/ops/variable_scope.py , line 987, in get_variable custom_getter=custom_getter file /usr/lib/python2.7/site-packages/tensorflow/python/ops/variable_scope.py , line 889, in get_variable custom_getter=custom_getter file /usr/lib/python2.7/site-packages/tensorflow/python/ops/variable_scope.py , line 347, in get_variable validate_shape=validate_shape file /usr/lib/python2.7/site-packages/tensorflow/python/ops/variable_scope.py , line 332, in _true_getter caching_device=caching_device, validate_shape=validate_shape file /usr/lib/python2.7/site-packages/tensorflow/python/ops/variable_scope.py , line 656, in _get_single_variable varscope? % name valueerror: variable seq2seq/decode/rnn/lstm_cell/weights does not exist, or was not created with tf.get_variable . did you mean to set reuse=none in varscope?" +2809569,"""https://github.com/lukehoban/atom-ide-flow/issues/55""",object.extname is deprecated.,argument to path.extname must be a string object.extname /applications/atom.app/contents/resources/app.asar/src/electron-shims.js:20:10 isflowsource /users/mauroronchi/.atom/packages/ide-flow/lib/utils.coffee:11:21 editorcontrol.showexpressiontype /users/mauroronchi/.atom/packages/ide-flow/lib/editor-control.coffee:94:13 /users/mauroronchi/.atom/packages/ide-flow/lib/editor-control.coffee:49:26 +2365813,"""https://github.com/cityleaf/LYPaymentField/issues/1""",bug not remove the observer of frame.,bug not remove the observer of frame. +407219,"""https://github.com/graphics32/graphics32/issues/6""",this seems like a buffer overrun -- can anyone confirm?,"in gr32_containers there is a line using move that seems to be grabbing more data than it should -- eg. let's look at the case of having 7 items in the items array count returns 7 but the item indices are 0 zero based. so if we delete the 3rd item we would pass an item index of 2 and it would move item3 into item 2, and since it's a packed array it can move the rest of them as well by just specifying the data size which it does by count - itemindex sizeof tpointerbucketitem but count - itemindex = 7-2 = 5 items so it's trying to move items 3, 4, 5, 6, 7 into item 2. only problem is that there is no item 7, the items only go up to 6 because it's zero based. so it appears to me to be grabbing memory that it doesn't necessarily own... or am i missing something? i've included the original routine with my change and i'd like verification that i'm understanding this correctly and my fix makes sense. thanks for any input! function tpointermap.delete bucketindex, itemindex: integer : pdata; begin with fbuckets bucketindex do begin result := items itemindex .data; if fcount = 0 then exit; if count = 1 then setlength items, 0 else {kjs changed from move items itemindex + 1 , items itemindex , count - itemindex sizeof tpointerbucketitem ; because it was causing a buffer overrun?} move items itemindex + 1 , items itemindex , pred count - itemindex sizeof tpointerbucketitem ; dec count ; end; dec fcount ; end;" +4065013,"""https://github.com/elastic/kibana/issues/12522""",kibana's bar chart using avg aggregation issue,"kibana version: kibana-5.4.0-linux-x86_64 elasticsearch version: elasticsearch-5.4.0 os version: ubuntu 16.04.2 lts google chrome version 58.0.3029.110 browser os version : install with download file from elastic.co when creating a visualize with avg agreggation i get two different results depending on the order size, for examples: using size 20: ! http://i.imgur.com/6zoocq2.png using size 200: ! http://i.imgur.com/wxcw9vv.png i have a question. does the avg works on all itens or just on the ones filtered?" +5071143,"""https://github.com/DataDog/dd-agent/issues/3273""",fail to recover after no space on device,"● datadog-agent.service - datadog agent loaded: loaded /lib/systemd/system/datadog-agent.service; enabled; vendor preset: enabled active: failed result: exit-code since tue 2017-03-21 05:48:26 utc; 6h ago process: 1585 execstart=/opt/datadog-agent/bin/start_agent.sh code=exited, status=1/failure mar 21 05:48:26 tpahaz start_agent.sh 1585 : existing_directory, default=tempfile.gettempdir mar 21 05:48:26 tpahaz start_agent.sh 1585 : file /opt/datadog-agent/embedded/lib/python2.7/tempfile.py , line 275, in gettempdir mar 21 05:48:26 tpahaz start_agent.sh 1585 : tempdir = _get_default_tempdir mar 21 05:48:26 tpahaz start_agent.sh 1585 : file /opt/datadog-agent/embedded/lib/python2.7/tempfile.py , line 217, in _get_default_tempdir mar 21 05:48:26 tpahaz start_agent.sh 1585 : no usable temporary directory found in %s % dirlist mar 21 05:48:26 tpahaz start_agent.sh 1585 : ioerror: errno 2 no usable temporary directory found in '/tmp', '/var/tmp', '/usr/tmp', '/' mar 21 05:48:26 tpahaz systemd 1 : datadog-agent.service: control process exited, code=exited status=1 mar 21 05:48:26 tpahaz systemd 1 : failed to start datadog agent . mar 21 05:48:26 tpahaz systemd 1 : datadog-agent.service: unit entered failed state. mar 21 05:48:26 tpahaz systemd 1 : datadog-agent.service: failed with result 'exit-code'. steps to reproduce: 1. run datadog agent 2. fill the disk by some data what expected? after removing some date the datadog agent should recover their work." +2287998,"""https://github.com/cilium/cilium/issues/1007""",multi node kubernetes ci tests,master issue - pod to pod connectivity across nodes - encap - pod - service - pod - l3/l4 policy - l7 policy - getting started guide in multi node - stresstest for l7 - test deployment using daemonset - policy across namespaces - super combo test: service + proxy + l3 rule + l7 rule +1224854,"""https://github.com/ExaScience/smurff/issues/52""",test for matrix representation,test if the same matrix represented as sdm and ddm produce the same results. matrix are only allowed to have ones are zeros. test also for probit. +4941325,"""https://github.com/MultiChat/Development/issues/13""",fetching prefix and nicknames,"i'm trying to have all nicknames synced across the servers while fetching the prefixes from every servers. to my understanding if i want to fetch the prefixes, i would install multichat in the plugins server from every server, but it also fetches the nicknames which then aren't synced anymore between servers. to solve this there would either be a way to only fetch the prefixes or having multichat nicknames synced on the spigot server side with an mysql database for example. i am using: permissionsex 1.23.4 to give all the players prefixes according to there rank. multichat on bungee 1.5 to have a global chat between all servers. multichat on every server 1.5 only to fetch the prefixes..... bungee display name 1.29.5 to have all the nicknames synced. vault 1.5.6 spigot 1.12 git-spigot-7228328-11323bf bungeecord 1.12 snapshot-6958943:1245 are there others ways to solve this? i would like to keep using pex. thanks in advance der71" +5079551,"""https://github.com/ccrama/Slide/issues/2478""",be able to browse through subreddit names,"slide version: 5.6.2 android version: 7.1.2 at the moment, slide can only receive exact subreddit name searches in go to subreddit, or it can go nowhere. it would be nice to be able to browse through search results for subtitles with named that are close to the query!" +4062029,"""https://github.com/haraka/Haraka/issues/1905""",client certificate on outbound tls connections,"this is a follow up to the issue i published yesterday. i am trying to use the queue/smtp_forward plugin to relay messages to office 365. the authorisation on smtp connections to office 365 is done via a client certificate. currently, smtpclient does not allow a client certificate to be set. as a proof of concept, i prepended key and cert properties to the tls_options object before the _getsecurecontext is called. this works as expected. i propose a solution where given the configuration: smtp_forward.ini enable_client_cert=true tls.ini queue/smtp_forward key=key.key cert=cert.pem client certificates would be used in the outbound connection. i have read reports about some email servers breaking when client certificates are used, so the configuration is intended to be verbose." +646364,"""https://github.com/koorellasuresh/UKRegionTest/issues/29861""",first from flow in uk south,first from flow in uk south +2761181,"""https://github.com/contao/core-bundle/issues/1030""",exclude pages from sitemap,"on our project, we have some hidden pages, which we do not want to be shown in the sitemap on share/sitemap.xml the setting of the pages are noindex,nofollow not in search index hidden in the menu show in sitemap: standard ! image https://user-images.githubusercontent.com/2657385/29462791-d1cba9fc-8430-11e7-830d-634766f07bc3.png in my experience, with these settings, the page should not be shown in share/sitemap.xml. but it is. what am i doing wrong here? is show in sitemap: never the only solution to exclude pages from sitemap? if so, when was this change? thank you." +439823,"""https://github.com/vrk-kpa/xroad-joint-development/issues/148""",bug: openfiledescriptorcount parameter reports invalid values,"affected components : env monitoring, proxy affected documentation : -ug syspar estimated delivery : q2/017 external reference : https://jira.csc.fi/browse/pvayladev-621 problem openfiledescriptorcount parameter reports invalid values. for example if we have unclosed file handles the value of openfiledescriptorcount must increase. but instead on that it constantly reports 47 until security server stops responding because maxfiledescriptorcount is reached. problem is caused because the current implementation is erroneously reporting the file handles of xroad-monitor process, not the file handles of xroad-proxy process as it should. acceptance criteria - env monitoring component reports the file handles of xroad-proxy process" +4877996,"""https://github.com/WEC-Sim/WEC-Sim/issues/212""",problem while installing,"i'm new in wec-sim, i do not suceed in installin wec-sim how to find matlab startup folder? when i type pwd on the matlab command, i get a directory but there is no startup .m file there should i create one? i have created one and copied the code contained in the wecsimstartup.m i have also change the value of the variable wecsimpath as follows ! screenshot1 https://user-images.githubusercontent.com/33290729/32446684-f4637a04-c309-11e7-9a69-40e163782c48.png but i get the error startup.m not found when i write open startup.m on matlab command window" +94945,"""https://github.com/dillonharless/CSC_450/issues/3""",complete deliverable intro,need to complete the introduction on the deliverable doc +860989,"""https://github.com/jimmo/numato-mimasv2-pic-firmware/issues/3""",add command line interface to programming uart,we should have a command line interface on the programming uart. see the tofe lowspeedio board firmware https://github.com/timvideos/hdmi2usb-tofe-lowspeedio/tree/firmware/firmware for an example of how this could work. +1810312,"""https://github.com/dimagi/commcare-export/issues/50""",confusing docstring; vulnerability?,"the docstring for commcare_hq_client.get reads: currently a bit of a vulnerable stub that works for this particular use case in the hands of a trusted user; would likely want this to work like or via slumber. what is the meaning of vulnerable and trusted in this docstring, and how does slumber address this vulnerability ?" +2124546,"""https://github.com/maciejzaleski/JMeter-WebSocketSampler/issues/68""",extract .response not working for rest assured. getting error as the method extract is undefined for the type,"please find below the code: package mypack; import org.testng.annotations.test; import io.restassured.restassured; import io.restassured.http.contenttype; import io.restassured.response.response; import io.restassured.response.responsebodydata; import static io.restassured.restassured.given; import static org.hamcrest.matchers.equalto; import io.restassured.path.json.jsonpath; import io.restassured.path.json. ; import java.util.properties; import java.io.ioexception; import java.io.filenotfoundexception; import java.io.fileinputstream; public class postanddelete { @test public void pandd { string b = { + \ location\ : { + \ lat\ : -33.8669710, + \ lng\ : 151.1958750 + }, + \ accuracy\ : 50, + \ name\ : \ google shoes!\ , + \ phone_number\ : \ 02 9374 4000\ , + \ address\ : \ 48 pirrama road, pyrmont, nsw 2009, australia\ , + \ types\ : \ shoe_store\ , + \ website\ : \ http://www.google.com.au/\ , + \ language\ : \ en-au\ + } ; restassured.baseuri= https://maps.googleapis.com ; given . queryparam key , aizasyduyrcohslu9vswz1hpuggz1ulhsucuga0 . body b . when .post /maps/api/place/add/json . then .assertthat .statuscode 200 .and .contenttype contenttype.json .and . body status ,equalto ok ; extract .response } }" +808393,"""https://github.com/FTL13/FTL13/issues/1023""",ship sometimes deletes itself during ftl,"after a few ftl jumps the ship will just get deleted. possibly related runtimes that happened at about the same time and only then: 21:31:34 runtime in starmap.dm, line 132: cannot modify null.mode. 21:31:34 runtime in starmap.dm, line 121: cannot read null.mode" +3350489,"""https://github.com/ImageMagick/ImageMagick/issues/604""",cpu exhaustion in readpdbimage,"version: imagemagick 7.0.6-2 q16 x86_64 ./convert $file out.png when convert pdb file , imagemagick will read data from input file and deal with it, here is the critical code: pdb.c , in function readpdbimage: comment_offset= ssize_t readblobmsbsignedlong image ; //365 ...... num_pad_bytes = size_t comment_offset - tellblob image ; while num_pad_bytes-- readblobbyte image ; //574 a crafted file will cause this while loop endless. testcase: https://github.com/bestshow/p0cs/blob/master/cpupdb.pdb credit : adlab of venustech" +2259990,"""https://github.com/Microsoft/vscode/issues/20993""",deprecate debug type 'node2',"in order to smoothen the node debugging experience see 19650 we should try to deprecate the debug type 'node2' and make it as invisible as possible. if we cannot deprecate the debug type, we should warn the user when launching a 'node2' debug session." +4901998,"""https://github.com/webdriverio/webdriverio/issues/2064""",simultaneous modifier keys,"the problem running the following code: browser.keys control .keys alt .keys s .keys null ; fails to press down the s key. briefly describe the issue you are experiencing or the feature you want to see added to webdriverio . tell us what you were trying to do and what happened instead. remember, this is _not_ a place to ask questions. for that, join the gitter chat room ! gitter https://badges.gitter.im/join chat.svg https://gitter.im/webdriverio/webdriverio?utm_source=badge&utm_medium=badge&utm_campaign=pr-badge&utm_content=badge ! environment webdriverio version: 4.0.7 node.js version: 6.6.0 standalone mode or wdio testrunner http://webdriver.io/guide/getstarted/modes.html : if wdio testrunner, running synchronous or asynchronous tests: additional wdio packages used if applicable : link to selenium/webdriverio logs log shows: { value :  } { value :  } { value : s } { value :  }" +161986,"""https://github.com/Geigerkind/Legacy-Logs-Bugtracker/issues/102""",all logs erased on legacy logs?,"all logs seemed to be erased from the website. is this just during some maintenance period i'm unaware of? my guild has lost 3 months worth of logs, which isn't detrimental but we're just wondering what has happened" +4777200,"""https://github.com/ObjectivityLtd/Test.Automation/issues/30""",performance measure - need improvements report on the specific page/action in the log,"performance measure - need improvements report on the specific page/action in the log hi team of the objectivity ltd. thank you for the great framework. there i have improvement request. as far as i can see the performance measured in the following implementations: public class performancehelper. there is line in the function 'public void stopmeasure': logger.info cultureinfo.currentculture, load time {0} , this.measuredtime ; which produces line in the log as: |info|objectivity.test.automation.common.helpers.performancehelper.stopmeasure|load time 1316 looks like it is would be very helpful if the function will just return the measured value instead of putting it in the log. there would be easier to report on specific actions page loads . there is property which is not accessible from the outside: private long measuredtime another option to expose the duration is: timer.elapsedmilliseconds, which is also private. my implementation would be as the follows in the performancehelper class : public double stopmeasureduration string title { this.timer.stop ; var savedtimes = new savedtimes title ; this.measuredtime = this.timer.elapsedmilliseconds; savedtimes.setduration this.measuredtime ; this.loadtimelist.add savedtimes ; return this.measuredtime; } please let me know if you see this as feasible implementation! thank you!" +4963928,"""https://github.com/fcambus/jsemu/issues/89""",contraltojs xerox alto emulator,i believe this is missing: http://www.loomcom.com/contraltojs/ you may want to add it. cheers! +3577865,"""https://github.com/trakt/script.trakt/issues/359""",trakt 3.0.4 add on issue with pin code & kodi helix,"hi, i just saw a post with the same issue, i past it here have been using the trakt.tv app for years now, and have never had any issues until recently. i noticed the rating window wasn't opening after watching a movie been a few days now . so i did some troubleshooting and when i decided it most likely needed to be re-connected, it wouldn't allow me to authorize the pin i had received from http://trakt.tv/pin/999 . . i have never had any compatibility issues between kodi and trakt.tv, so this came as a surprise to me, so i decided to make it know. i have already uninstalled / reinstalled, and tried multiple authorization pin's, i have checked for online issues signing in & out, and even tried changing me password / username . . nothing so far. pls. advise asap . . thanks so i have exactly the same issue ! does someone find a way to make it work !? at the beginning the rating window didn't poped up after watching a media then i unpaired my kodi with trakt and now it's impossible to have a pin code which pair my kodi i have the pin error code in my kodi ! i use kodi helix with trakt 3.0.4 and it's impossible for me to update it ... here is my log: http://pastebin.com/yerzz2fp thx for helping" +1726912,"""https://github.com/nadcock/CSC478-SOC-Game/issues/27""",create a new game - frontend,"- ability from the landing page to initialize a new game +- static game board shown" +3766621,"""https://github.com/Symphono/wfl/issues/46""",discard a food order,as a wfl api user i would like to be able to discard a foodorder so that users can no longer submit menu selections to it. statuses: - active - this status is automatically applied to all new food orders. users can actively submit new menu selections. - discarded - the food order is no longer active. this prevents submission of new selections to the order. i will know this is complete when a the following actions exists on a foodorder: - discard - the order that sets he correct status on the order. - reactivate - resets the food orders status to active +1567298,"""https://github.com/magento/magento2/issues/10176""","magento searching not working well , when a number/digit user with product name"," hi, magento 2.x search not performing well, when we use any number/digit with the name. for example, we are selling apple iphone on our site, and so products names are , iphone 4, iphone 5, iphone 6.... and when we search for iphone 4, it shows all the result related to iphone not only iphone 4. i understand about relevance result, but it should show iphone 4 first and then rest on... but it does not matter, either iphone 4, iphone 5, iphone 6... it's just searching based on iphone... i have tried with text value then it searching well, --not working fine with numeric and text combination http://www.nunutz.com/catalogsearch/result/?q=iphone+5 --- working fine if text combination only. http://www.nunutz.com/catalogsearch/result/?q=drone+batteries can any one help to sort out this issue? thanks preconditions 1. 2. steps to reproduce 1. 2. 3. expected result 1. actual result 1. screenshot, logs " +3300448,"""https://github.com/edgi-govdata-archiving/overview/issues/75""",revisit github permissions,"we've grown to the size were i think we need to revisit our permissions structure and check in on whether it is working. questions i have: - are we creating too much noise for lieutenants? - are we creating a bottle neck? is this too hierarchical? should we be more distributed? - what permissions should they have currently: write ? too low? - is there a need for a separate role e.g. leads with admin access? - what about owners? - how should we manage project churn, as people get busy and move on? for reference: https://help.github.com/articles/repository-permission-levels-for-an-organization/ cc @edgi-govdata-archiving/lieutenants" +2869164,"""https://github.com/nuxt-community/nuxtent-module/issues/63""",multiple content types - help need,"hi, is it posssible to add another folder into a folder in the content ? for example i would like something like this : ! 2017_09_10_14_45_11_c_users_stnetwork_ atom_atom https://user-images.githubusercontent.com/26366663/30249182-d6caa4cc-9636-11e7-85ff-4a1c69101242.png you can see the that in my repo maybe you will understand better : stnetwork.fr https://github.com/stnetwork/stnetwork.fr i can not access to /linux/centos or /linux/debian, i think i have a probleme in my nuxtent.config : module.exports = { content: 'home', { page: '/home/slug', permalink: /:slug , ispost: false, generate: 'get', 'getall' } , 'linux', { page: '/linux/slug', permalink: /:slug , ispost: false, generate: 'get', 'getall' } , 'linux/centos', { page: '/linux/centos/_slug', permalink: /:slug , ispost: false, generate: 'get', 'getall' } , 'linux/debian', { page: '/linux/debian/slug', permalink: /:slug , ispost: false, generate: 'get', 'getall' } , 'windows', { page: '/windows/slug', permalink: /:slug , ispost: false, generate: 'get', 'getall' } , 'network', { page: '/network/slug', permalink: /:slug , ispost: false, generate: 'get', 'getall' } , ," +4039238,"""https://github.com/facebook/reason/issues/1359""",support conditional compilation / static if,"hey everyone :d i saw that bucklescript has support for condition compilation https://bucklescript.github.io/bucklescript/manual.html _conditional_compilation_support_static_if but it's a preprocessor fed into -pp , which means we can't use it in conjuction with reason since refmt is also a preprocessor . how could we support static if statement like bucklescript does? it would help the cross platform story a lot in my opinion!" +4109253,"""https://github.com/melpa/melpa/issues/4892""",password-store melpa package is not getting updated,"melpa is not picking up a new version of password-store that i committed on july 26. the password-store repository switched to https with a redirect, so i updated that in melpa, and that change was merged 13 hours ago 4885 . however, the password-store version in melpa is still 20151027.1449. http://melpa.milkbox.net/ /password-store i cloned melpa and ran make recipes/password-store . the resulting package had my updates. any ideas why the package version isn't getting updated?" +4729223,"""https://github.com/ksauby/GTMNERRproc/issues/62""",calculateclonalreproduction - make sure fecundity year makes sense,it looks like some plants actually recruited the fecundity-year before the parent size to which they were added. and then they would be counted in the transition matrix as having recruited the following year. +3851217,"""https://github.com/rstudio/bookdown/issues/326""",incorrect tibble formatting,"i recently tried to rebuild a bookdown::gitbook document on a pc, and have been unable to get my tibbles to format correctly. here's what i'm seeing: ! tibble-ss https://cloud.githubusercontent.com/assets/8197328/22621733/5daae348-eadf-11e6-997c-09738d8266aa.png this example bookdown document can be found here https://tiernanmartin.github.io/shared-docs/2017/bookdown-test/gitbook/index.html . what might be causing this? is it possible that i'm missing some support driver/software that provides the correct formatting?" +4054059,"""https://github.com/michbeck100/pimatic-echo/issues/15""",feature request: get temperature from pimatic,"hey michi, great work with this plugin. maybe you would find some time to implement ask alexa for temperature of pimatic sensors :" +3986592,"""https://github.com/odarriba/docker-timemachine/issues/21""",unable to support encrypted tm backups,"on a previous version, i was able to enable encrypted backups from my mac just fine. with the new version i am unable to select this." +1905386,"""https://github.com/PittayutSothanakul/stopwatch/issues/1""",stopwatch.start and stopwatch.stop is wrong,"when start is called while stopwatch is running, it should do nothing, and also stop shouldn't do anything when the stopwatch is already stopped." +1477177,"""https://github.com/ampproject/amphtml/issues/8505""","ensure video autoplay behaves correctly in a4a, in-a-box",create integration tests to ensure video autoplay pause/play based on visibility works correctly when in an ad in a4a or in-a-box /cc @jasti +3913493,"""https://github.com/r-lib/svglite/issues/85""",r v3.4: svglite fails to install,hello! i'm trying to download svglite but keep running into this issue: error: dependency ‘gdtools’ is not available for package ‘svglite’ . i've raised the issue with the gdtool people because installing that library results in a compiling error. i'm currently running r 3.4. maybe it's a compatibility issue? +2330171,"""https://github.com/archco/cosmos-css/issues/118""",badge - link:visited color problem,badge를 링크로 쓸때 visited color가 따로 적용된다. 수정하자. +4343091,"""https://github.com/MakeSchool-Tutorials/Swift-Language-Playgrounds/issues/54""",p08 - while loop example,"the while loop explanation states that result is updated to 1,5,25,50,125 and is run 4 times. however, the explanation should state that result is updated to 1,5,25,125 and is run 3 times. screen" +324967,"""https://github.com/radgrad/radgrad/issues/184""","public inspectors for career goals, interests","please do work for this task in a branch called issue-184. to speed up registration, it would be helpful to point students to a public inspector that enables them to learn about career goals and interests prior to meeting with an advisor." +3238863,"""https://github.com/AtomLinter/linter-luacheck/issues/25""",upgrade to linter v2,"linter has released a new major version with several improvements and some changes to the api, linter-luacheck is still usable and supported but it would be great to upgrade to the newest api" +2709768,"""https://github.com/linkedin/cruise-control/issues/15""",http rest api timeout,"i am trying to test cruise-control with 1 kafka broker. i use default settings without optional step 0 in quickstart guide. cruise control starts but http endpoint http://localhost:9090/kafkacruisecontrol/state is timing out. how i can be sure cruise control is working and use his rest api? port is open: telnet localhost 9090 trying 127.0.0.1... connected to localhost. escape character is '^ '. in the browser: err_empty_response or timeout in curl curl http://localhost:9090/kafkacruisecontrol/state the logs from the server is: 2017-09-01 17:44:58,303 info defaultsessionidmanager workername=node0 org.eclipse.jetty.server.session 2017-09-01 17:44:58,303 info no sessionscavenger set, using defaults org.eclipse.jetty.server.session 2017-09-01 17:44:58,307 info scavenging every 600000ms org.eclipse.jetty.server.session 2017-09-01 17:44:58,316 info started o.e.j.s.servletcontexthandler@2d0bfb24{/,null,available} org.eclipse.jetty.server.handler.contexthandler 2017-09-01 17:44:58,326 info started serverconnector@4525d1d3{http/1.1, http/1.1 }{0.0.0.0:9090} org.eclipse.jetty.server.abstractconnector 2017-09-01 17:44:58,327 info started @2168ms org.eclipse.jetty.server.server kafka cruise control started. 2017/09/01 17:45:06 {monitorstate: {state: loading 0.000% trained , loadingprogress: -100.000%, numvalidwindows: 0/0 : nan% , numvalidpartitions: 0/65 0.000% , flawedpartitions: 0}, executorstate: {state: no_task_in_progress}, analyzerstate: {isproposalready: false, readygaols: }} 2017-09-01 17:50:28,271 info skipping best proposal precomputing because load monitor is in loading state. com.linkedin.kafka.cruisecontrol.analyzer.goaloptimizer 2017-09-01 17:50:33,216 info sample loading finished. loaded 0 partition metrics samples and 0 broker metric samples in 335021 ms com.linkedin.kafka.cruisecontrol.monitor.sampling.kafkasamplestore" +666953,"""https://github.com/nuxsmin/sysPass/issues/672""",secundary groups not working,"hello. secundary group is not working like we expect i thing... how i am testing: on tab users: - user leonardo is in group support and profile support - this user is on group support - linux as secundary group. on a item: - main group: admins - groups: support - linux but when i log with user leonardo, i can't see the item in support - linux group,. itens in support group that is the user primary group is ok." +2736546,"""https://github.com/blck-shp/Website/issues/2""",background colors of div,"background colors of div tags are unnecessary. after finalizing the index page, these background colors should be removed. except for the color black background because it complements with opacity and serves as the substitute for the text if the image won't show up immediately. note: most of the texts are of color white." +3943985,"""https://github.com/openthos/multiwin-analysis/issues/1668""",daily report 2017 -08-10 liu xiaoxu,08/10 report: 1.try to fix the issue that the ppt cannot display the video thanks +3082437,"""https://github.com/graphcool/graphql-playground/issues/197""",create jump to links in new schema documentation explorer,"this issue pertains to: - graphql playground - electron app - x graphql playground in a previous version of playground, schema documation explorer had hyperlinks to 'query', 'mutation', and 'subscription'. i prefer the previous sidebar outright, but especially regret the loss of the ability to quickly filter desired operation in this way" +3447947,"""https://github.com/AtomicGameEngine/AtomicGameEngine/issues/1449""",how to make a javascript editor plugin,"i would to know how to make a js editor plugin ts, if it has to be . i want to add a button in an editor menu that executes a js function, and then how to make the editor use it. yes, there is an example editorplugins which does something, but there is no information on what it is or how to use it." +4470125,"""https://github.com/AscentMS/NHSD/issues/51""",nhs logo - new tab should not open,remove link to nhs logo or keep link but don't open a new tab. stewart to confirm +4747338,"""https://github.com/AICC/CMI-5_Spec_Current/issues/549""",are multiple overlapping launched sessions in one registration allowed?,"there are a number of places in the spec where things seem to get a bit odd if they are, but i didn't find an outright prohibition." +1469946,"""https://github.com/RagtagOpen/nomad/issues/108""","for all notification email, ensure that from is correct",this is how it is now: from@example.com via mailgun.org +3657018,"""https://github.com/expressjs/cors/issues/109""",why run request handlers successfully if the request fails cors?,"if a request fails cors as specified by this module's configuration, the module will not set the cors headers on the response. however, it will still call next https://github.com/expressjs/cors/blob/075c4b51452542f52ad21898ec781f725c84934d/lib/index.js l221 , causing the usual request handler to run. this can be a problem if the request is expensive to handle, or has side effects. what is the thinking behind this? it seems reasonable to terminate the request immediately, or at least call next with an error, if it's going to fail client-side due to the lack of cors headers. here is a small project demonstrating this issue: https://github.com/mixmaxhq/cors-response-tester." +3204104,"""https://github.com/mikelpint/Startpage/issues/6""",add css effects,what do you think about adding effects to the design? screenshot example: ! bildschirmfoto_2017-11-16_18-46-45 https://user-images.githubusercontent.com/28985171/32906854-862b3bf6-cafe-11e7-947c-f465017d374c.png +4936048,"""https://github.com/pachyderm/pachyderm/issues/2456""",update aws.sh script for mac,"mac bash https://github.com/kubernetes/kubernetes/issues/17851 seems to have a quirk where running the script yields: line 24: @: unbound variable so instead, we need to replace on line24/273 {@} with {@:-} ... giving it a default." +2290403,"""https://github.com/bjones3/webMinigame/issues/66""",show unlocking price on screen,already done. issue's just for milestone tracking +2019757,"""https://github.com/rapidpro/rapidpro/issues/687""",shouldn't send topup expiration email if topups remaining,currently we send an email before a topup expiring regardless of whether the user will have credits after that topup expires. we should: 1 not send that email if their service won't be interrupted 2 not talk about how many credits are expiring because that's irrelevant +1882622,"""https://github.com/select/audius/issues/40""",matrix room creation guest access not set,"the current room creation does not allow guest access, which is a fail since regular audius users join matrix as guests." +5153643,"""https://github.com/giowck/symphytum/issues/37""",smooth scrolling in tableview with image columns,"scrolling in table view mode is really choppy and slow in presence of image fields columns . especially when the image files are big and there are more than one image columns. implementing caching of images in memory works and the result is a smooth scrolling experience. i tested this by using qpixmapcache with a larger database with 2 image columns. the big disadvantage is that this increases memory usage dramatically: symphytum uses around 30-50 mib now, with this patch it uses at least 900 to 1.3 gib memory. on modern computers with large amounts of ram this is not a problem, but many still use notebooks with 2gib ram. i think, it would be possible to check ram availability and enable this optimization only on high end ram at least 4 gib machines. and of course, providing an option in the setting to disable this." +1913872,"""https://github.com/junegunn/vim-plug/issues/578""",post hook issue for the plugin youcompleteme,"hello, my gvim version is 8.0.160, which is running on windows 7 sp1. the vim-plug setting on my _vimrc is as folloiwng: ! image https://cloud.githubusercontent.com/assets/20179047/21760393/baf1c7aa-d686-11e6-98db-f752cf6ac233.png after i run the command :plugupdate! on the vim, for handling of the post hook for plugin youcompleteme, it throw the following window. ! image https://cloud.githubusercontent.com/assets/20179047/21760439/0a22b046-d687-11e6-976d-3ec48413e347.png as you seen, there two issues at here: 1. the current directory is c:\windows\system32 but not d:\vim\vimfiles\plugged\youcompleteme . 2. error: ycmd library is currently in use. on the cmd window. what is the reason for above issues and how to solve them? kindly regards, tomas janssen" +4763071,"""https://github.com/deltaxflux/fluxion/issues/433""",connection maintained but vnc and ssh sessions crashed until quitting fluxion,"fill in the answers for all of the questions below, otherwise your ticket will be instantly closed. which version of fluxion are you using? 0.24 what distribution of linux including the version are you running it on? kali-rolling version=2016.2 what wireless adapter are you using? exact model and chipset, statements like internal and was working before are not helpful at all. adapter: panda wireless pau09 chipset: ralink rt2870/3070 which is the driver for it? driver=rt2800usb does it support injection output of aireplay-ng -9 injection is working! general description of your issue along with the steps to reproduce it general description of your issue along with the steps to reproduce it • fluxion started from remote machine on wlan0 connection wlan0 is hosting the x11vnc and ssh sessions; wlan0 connection is maintained and vnc session works until last step • fluxion is using wlan1 compatible adapter • at the last step launching fakeap , fluxion continues to run as expected on host machine; however, the x11vnc and ssh sessions crash. the host machine still maintains wlan0 connection to local network • upon quitting fluxion on host machine, the x11vnc and ssh sessions can be reinitiated other important information" +4143226,"""https://github.com/mpreiner/bugzilla_migration_test/issues/179""",check model fails for fmf on jd regressions bugzilla 557,"imported from bugzilla reporter: andrew reynolds status: resolved severity: enhancement assigned to: andrew reynolds component: quantifiers milestone: --- version: master platform: pc os: windows on 2014-04-10 11:21:12 -0700, andrew reynolds wrote: +> run : +> > cvc4 \-\-finite\-model\-find \-\-check\-model +> > on regressions +> > test/regress/regress0/fmf/hoare\-z3.931718.smt +> test/regress/regress0/fmf/qepres\-uf.855035.smt +> > model is likely correct, but uses non\-constant ground terms to build model. may have to do with types with no ground terms in current sat assignment. on 2014-04-14 16:39:26 -0700, andrew reynolds wrote: +> fixed in commit on 4/14/2014." +4160824,"""https://github.com/williamhoos/DeNormalize/issues/2""",add a web interface to allow intuitive selection of columns,"would be nice to add flask or other front end to allow 1. upload file 2. select column and order that feed the arrays for sheet, column, row, value, date and sort 3. run script and provide a download file need to identify where this can run and confirm secure upload and reliable delete of files after download" +3084395,"""https://github.com/loconomics/loconomics/issues/454""",make payment info optional until booking request received,- not require payment info for listing to be active - require payment info only before: - accepting a booking request - turning on instant booking - email communications must notify service professional that they will have to enter their payment info before accepting - limit ability to accept until payment info is entered - some sort of mini-onboarding... before you accept this booking request... +1040901,"""https://github.com/fle-internal/content-curation/issues/402""", does not allow 0 to be inputed as an answer option while creating questions.,"summary does not allow 0 to be inputed as an answer option while creating questions. can enter 0 as answer while creating questions on cc, shows not test provided. cateogry select one: bug usage details - browser: chrome - channel: not relevant, applicable while crating questions. - topic/content item: not relevant, applicable while crating questions. how to reproduce 1. try to create question on cc with answers a 0. screenshots ! screen shot 2017-08-02 at 9 41 36 pm https://user-images.githubusercontent.com/13453618/28883337-aeee7d86-77cb-11e7-9ec0-5917aa7720d1.png ! screen shot 2017-08-02 at 9 41 43 pm https://user-images.githubusercontent.com/13453618/28883338-af5030da-77cb-11e7-9e53-385bde6d3469.png" +3037096,"""https://github.com/acemod/ACE3/issues/5527""",взрыв боекомплекта техники,"arma 3 version: stable stable / rc / dev cba version: stable stable / dev + commit hash ace3 version: stable stable / dev + commit hash mods: - cba_a3 - ace description: with a large number of players on the server with the explosion of the ammunition technology, there is a drop server. please add the module to shut off the explosion of ammunition technology. steps to reproduce: - add the steps needed to reproduce the issue. where did the issue occur? - dedicated / self-hosted multiplayer / singleplayer / editor singleplayer / editor multiplayer / virtual arsenal placed modules: none rpt log file: - add a link gist https://gist.github.com or pastebin http://pastebin.com to the client and/or server rpt file. an instruction to find your rpt files can be found here https://community.bistudio.com/wiki/crash_files arma_3 . - if possible at the time the bug is encountered, go to ace options and select debug to clipboard , this will print extensive debug information to the rpt file." +1914012,"""https://github.com/phwiget/ebox-elexis/issues/5""",provide configurable value for es connection,"currently the connection to elexis server is fixed to localhost:8380, could you please provide a possibility for this to be configurable? best via a parameter with activator run or something! thanks :" +3711286,"""https://github.com/box/box-java-sdk/issues/443""",breaking changes to the get folder collaborations and get file collaborations endpoints,"i got a mail from box: we are emailing you because you are using either the get folder collaborations or the get file collaborations endpoints of the box api. on june 14, 2017, we're removing the ability for an application with only a shared link url to see a file's or folder's list of collaborators. previously, an application could call the get folder collaborators endpoint and get file collaborations endpoints using a shared link and get back a list of that item's collaborators. after this change, those endpoints will return an empty list. to prevent any potential breakages in your application when making call to those endpoints, please use an api token scoped to a user or application that has permission to see collaborators on a specific folder or file. if you are not using a shared link as authorization to those endpoints, no further action is needed. does it impact the boxfolder.getcollaborations method?" +191938,"""https://github.com/knownasilya/ember-toggle/issues/79""",migrate away from old style shims,"i recently upgraded to the ember shims beta that uses the new module import syntax, and was getting deprication errors due to the use of things like import component from 'ember-component'; https://github.com/knownasilya/ember-toggle/blob/master/addon/components/x-toggle-label/component.js l1 i suggest that we switch to using the default global ember import, and then we could possibly do the constant destructuring. what are you're thoughts @knownasilya @rwwagner90 ?" +444139,"""https://github.com/wireapp/wire-android/issues/842""",wire-android not routing audio from call to bluetooth headset,"the problem in wire in android the audio from any call isn't going to my bluetooth headset environment wire version that exhibits the issue: wire-android android os version used to run wire: 7.1.1 on nextbit robin is this a custom firmware or a stock one: stock mobile phone model/manufacturer: nextbit robin mobile network type edge/lte/wi-fi/offline : any, lte and wifi details join or initiate call in wire-android with bluetooth headset paired and connected, call goes through phones regular call speaker link to debug logs create a gist https://gist.github.com which is a paste of your wire logs, and link them here. it is recommended to directly contact our customer support mailto:support@wire.com and send the debug report by email, because it can potentially contain some private information, that you don't want to share to the public. how to send detailed debug report from wire: 1. go to settings -> about 2. tap wire swiss gmbh 10 times 3. reproduce your issue 4. send the report from settings -> advanced -> submit debug report 5. go to settings -> about 6. tap wire swiss gmbh 10 times again to disable detailed debug reports, because this slows down wire screenshots please attach screenshots if you consider them as helpful to understand/reproduce the issue" +224070,"""https://github.com/chuckhendo/hyper-favorites/issues/1""",doesn't work properly on split views,"if you have a split view, the command will always be sent to the most recently opened one" +2378671,"""https://github.com/Motion-Project/motion/issues/442""",discussion on some patches in progress,"i'm opening this issue to track and discuss on what i have in mind for some patches. list - web control shows wrong count of cameras and a duplicated preview when running more than one camera. - config write from web control duplicates the camera lines if they were read in as thread lines bug 307 . - config write from web control always prints camera_dir as enabled and has a default value missing part of the 'default' path compared to when makefile installs it . web control cameras count this one just requires some added logic for checking if we are single threaded single file, one cam or multi-threaded but could be one cam motion.conf and camera1.conf or two+ cams. i've got a working test case, just need to simplify the code from little hack fixes. config write issues 1. the duplicate writing of camera lines currently needs a catch in the printing loop, that if the param_name is 'thread' to skip it. this is the most efficient way i can see to handle this right now. would a better method of skipping deprecated values be wanted for future use-cases? it could be a flag in the struct config_param or even a string pointing to the new value. 2. the camera_dir issue needs a catch in the printing loop, similar to the current catch for the camera config files. i'll put in the pull requests as i get each patch to where i'm happy with it. feedback is welcome from users, contributors, and especially the project maintainers." +3722374,"""https://github.com/NREL/EnergyPlus/issues/6323""",cooling and heating simultaneous operation in vsheatpumpwatertoairwithrhcontrol.idf causes severe error,from issue 6316 heating loads don't converge after 40 days due to the vs coils operating at the same time when dehumidification is needed. details some additional details for this issue if relevant : - platform: windows 7 sp2 - version of energyplus: pre 8.8. 0c736af1ca11d92f9d639de67236f3c6051eecfb checklist add to this list or remove from it as applicable. this is a simple templated set of guidelines. - ticket added to pivotal for defect development team task - pull request created the pull request will have additional tasks related to reviewing changes that fix this defect +799970,"""https://github.com/getlantern/forum/issues/2444""",蓝灯专业版thinkpad win10 不能用,不好意思不小心原问题关闭了,thinkpad win10 ,家里台式机win7可以使用(北京),现在笔记本在河南不能使用。反复安装重启。邮箱 ylmil@163.com。 日志在此 lantern.pdf https://github.com/getlantern/forum/files/740825/lantern.pdf +5179961,"""https://github.com/angelleye/paypal-woocommerce/issues/759""",woocommerce cart fields data format and duplication,"can you please take a look at this. https://www.angelleye.com/support/scp/tickets.php?id=1099 client specific issue. > 1. when a customer enters engraving text with line breaks, i do not see the line breaks in the order emails. neither does the customer. take a look at figurine urn orders in the wp mail log and you will see examples of this. > > 2. when customers order figurine urns, the list of options add-ons appears twice in the order emails. again, have a look at the wp mail log. actually, “plate color” does not appear in the proper place, so some reason, only at the top of the email. > > issue 1 does not happen for amazon payment orders > issue 2 does not happen for amazon payment orders > > issue 1 does happen for express checkout orders > issue 2 does not happen for express checkout orders > > issue 1 does happen for credit card orders > issue 2 does happen for credit card orders their dev site details are available in the ticket if you need to take a look." +89512,"""https://github.com/hkhosrav/RiPPLE-Server-side/issues/3""",question database seeding,"there is currently no easy way to populate the database with data for use in the application. as a temporary solution to this, create a database seeder which populates the schema with correct data to simulate real data" +2270025,"""https://github.com/gatsbyjs/gatsby/issues/3045""",automatic file validation for,add regex validation to make sure files in src/pages export react components. add error otherwise. eg https://github.com/gatsbyjs/gatsby/pull/3011 a cheap way of doing this is to make sure files contain at least two statements: 1 an uppercase react 2 export default or module.exports +2626096,"""https://github.com/kingzeus/database/issues/70""",android constraintlayout布局详解 - 宇宝守护神的博客 - csdn博客,"android constraintlayout& 24067;& 23616;& 35814;& 35299; - & 23431;& 23453;& 23432;& 25252;& 31070;& 30340;& 21338;& 23458; - csdn& 21338;& 23458;
    +& 21069;& 35328; & 20043;& 21069;& 22312;& 20351;& 29992;android studio& 26032;& 24314;& 39033;& 30446;& 30340;& 26102;& 20505;& 65292;& 21457;& 29616;mainactivity& 30340;& 40664;& 35748;& 24067;& 23616;& 20174;relativelayout& 21464;& 25104;& 20102;constraintlayout& 12290;& 24403;& 26102;& 23601;& 23545;& 36825;& 20010;constraintlayout& 24456;& 22909;& 22855;& 65292;& 23601;& 30740;& 31350;& 20102;& 19968;& 19979;& 12290;& 21457;& 35273;& 30830;& 23454;& 24456;& 24378;& 22823;& 65292;& 22312;& 27492;& 20570;& 20010;& 24635;& 32467;& 12290; constraintlayout& 23450;& 20041;…

    +october 24, 2017 at 12:01pm
    +via instapaper http://ift.tt/2irl1by" +2484978,"""https://github.com/meetfranz/franz/issues/1""",statusbar icon is not visible on macos dark mode," expected behavior the icon should appear with inverted colors showing the franz moustache and a red badge to indicate notifications. current behavior the icon is invisible on dark mode, because the color of the icon is the same as the background of the statusbar. the red badge is visible anyway. steps to reproduce for bugs 1. go to system settings > general 2. activate the dark color scheme for statusbar and dock by clicking the checkbox your environment franz version used: version 5.0.0-beta.10 5.0.0-beta.10.7 operating system and version: macos sierra version 10.12.6 16g29" +3270317,"""https://github.com/pluginsGLPI/news/issues/35""",alert create permissions,"hi, i'm trying to restrict access to create alert for profiles, is it possible? regards, oliveira, josé" +4877915,"""https://github.com/jihungen/BibleParser/issues/1""",pptx 파일 다운로드,고칠 곳: - ./ content_types - ./ppt/presentation.xml - ./ppt/_rels/presentation.xml.rels - ./ppt/slides/ 이하. /_rels 안에 파일은 동일함. +1055627,"""https://github.com/temporalslide/bills/issues/6""",doctrine\dbal\driver\pdoexception in vendor/doctrine/dbal/lib/doctrine/dbal/driver/pdoconnection.php:47,error in bills doctrine\dbal\driver\pdoexception in vendor/doctrine/dbal/lib/doctrine/dbal/driver/pdoconnection.php:47 sqlstate 08006 7 could not translate host name postgres to address: name or service not known view on bugsnag https://app.bugsnag.com/temporalslide/bills/errors/58ff0cf084b721001895c26e?event_id=58ff0cf084b721001895c26d&i=gh&m=ci stacktrace vendor/doctrine/dbal/lib/doctrine/dbal/driver/pdoconnection.php:47 - doctrine\dbal\driver\pdoconnection::__construct view full stacktrace https://app.bugsnag.com/temporalslide/bills/errors/58ff0cf084b721001895c26e?event_id=58ff0cf084b721001895c26d&i=gh&m=ci +599373,"""https://github.com/RobThree/SimpleFeedReader/issues/9""",package not registering,! screen shot 2017-10-01 at 4 39 17 pm https://user-images.githubusercontent.com/6758443/31058770-20f799a6-a6c7-11e7-896e-b8eff5c1b803.png xamarin is not registering simplefeedreader. is there any way this can be fixed? +2696759,"""https://github.com/psu-libraries/cho/issues/268""",using abbyy for ocr,"the abbyy recognition server can extract text from images. it's a service that penn state will be paying for, and cho should use at some point: https://www.abbyy.com/en-us/recognition-server/" +3773351,"""https://github.com/Jire/Overwatcheat/issues/18""",aimbot is good but...,its only aimboting when my crosshair is left to the target please help +5069237,"""https://github.com/NewSpring/node-hcl/issues/2""",cannot parse multi-line string variables,"multi-line strings fail to parse with the exception: syntaxerror: expected - , . , , false , no , off , on , true , yes , { , 0-9 , 1-9 or string but < found. sample multi-line: resource aws_iam_role test { name = test assume_role_policy = <=0.6, the parser produces timezone-aware datetime objects if there's a timezone in the input string. example spider: - - coding: utf-8 - - from datetime import datetime import scrapy import dateparser class examplespider scrapy.spider : name = 'example' allowed_domains = 'example.com' start_urls = 'http://example.com/' def parse self, response : return {'url': response.url, 'ts': dateparser.parse datetime.utcnow .isoformat +'z' } error seen on scrapy cloud: traceback most recent call last : file /usr/local/lib/python3.6/site-packages/twisted/internet/defer.py , line 150, in maybedeferred result = f args, kw file /usr/local/lib/python3.6/site-packages/pydispatch/robustapply.py , line 55, in robustapply return receiver arguments, named file /usr/local/lib/python3.6/site-packages/sh_scrapy/extension.py , line 47, in item_scraped self._write_item item file /usr/local/lib/python3.6/site-packages/sh_scrapy/writer.py , line 78, in write_item self._write 'itm', item file /usr/local/lib/python3.6/site-packages/sh_scrapy/writer.py , line 46, in _write default=jsondefault file /usr/local/lib/python3.6/json/__init__.py , line 238, in dumps kw .encode obj file /usr/local/lib/python3.6/json/encoder.py , line 199, in encode chunks = self.iterencode o, _one_shot=true file /usr/local/lib/python3.6/json/encoder.py , line 257, in iterencode return _iterencode o, 0 file /usr/local/lib/python3.6/site-packages/scrapinghub/hubstorage/serialization.py , line 43, in jsondefault delta = o - epoch typeerror: can't subtract offset-naive and offset-aware datetimes" +4903512,"""https://github.com/YukiUmetsu/php-photo-gallery/issues/6""",user setting functionality,let user change their -profile picture -email address -first name -last name -password user setting page +4156106,"""https://github.com/athombv/com.athom.homeyduino/issues/32""",creating simple flow turning on build in led does not work,i have implemented the rc example on an esp8266. i can add the module to homey and i define d0 gpio 16 as an output. next i create a flow which turns the led on. when i test the flow the action card spins and then an error. am i doing something wrong here? i am using homey app version 0.9.6 and i have changed numanalogpins to numanaloginputs the esp8266 directory so it works. +3679517,"""https://github.com/fians/Waves/issues/164""",warning: path must be a string. received null use --force to continue.,when i run grunt outputing this: running jshint:files jshint task warning: path must be a string. received null use --force to continue. aborted due to warnings. +1623314,"""https://github.com/mimmi20/browscap-js/issues/6""",update npm version,"since https://github.com/mimmi20/browscap-js/pull/4 is merged, it would be awesome to use it! can you update version and publish package to npm?" +3998743,"""https://github.com/clearcontainers/runtime/issues/436""",vendor: update virtcontainers vendoring,"an update of the virtcontainers package is needed so that we can rely on the latest version including the detection of nested vm environment. that way, when running on a vmm, our clear containers runtime will adapt qemu flags accordingly. note the ciao package has to be updated at the same time." +421139,"""https://github.com/SAPDocuments/How-Tos/issues/191""",tutorial page vora-aws-security-groups.md issue. dev blue,"tutorial issue found: https://github.com/sapdocuments/how-tos/blob/master/tutorials/2017/02/vora-aws-security-groups/vora-aws-security-groups.md https://github.com/sapdocuments/how-tos/blob/master/tutorials/2017/02/vora-aws-security-groups/vora-aws-security-groups.md contains invalid primary tag. +your tutorial was not updated. please double-check primary tag property. each tutorial md-file shall have primary tag provided above. example: +\-\-\- +title: text bundles within node.js sap hana applications +description: working with text bundles in node.js +primary_tag: products>sap\-hana +tags: tutorial>intermediate\, products>sap\-hana\, products>sap\-hana\-\-express\-edition \-\-\- affected server: dev blue" +1274662,"""https://github.com/dotnet/wcf/issues/2026""",add two ci legs for uap and uapaot.,"from 2021... other than the suggestion by @shmao of making sure that this doesn't break uap testing, this lgtm. after this is in, i would create two ci legs that build both verticals uap, and uapaot to make sure this doesn't get broken. you should now be able to run uap tests as part of that ci currently we support x64, x86 and arm archs , but uapaot we don't support running the tests as part of ci yet." +3760671,"""https://github.com/ltplace/SampleMusicApp/issues/5""",locally saved files,locally saved files should be given a unique identifier. +4427655,"""https://github.com/mikebell/drush-docset/issues/11""",add version of modules indexed.,also include the drush version as well +551998,"""https://github.com/vega/vega-lite/issues/2515""",bad number of bins,screen +2496823,"""https://github.com/octobercms/october/issues/2887""",cannot extend backend sign in view as the document,"hi everyone, i am following the document at https://github.com/octobercms/docs/blob/master/plugin-extending.md to extend the sign in view which i want to add some more parts on the signin view. the whole customization needs to be inside my plugin. however, i have figured out that the boot method of my plugin cannot be reached until i sign in to the backend. i have tried with different methods of the pluginbase class to see whether i can catch the event backend.auth.extendsigninview anywhere, but impossible. it's really really strange. so, i would like to understand how octobercms run the boot process for plugins. further, is there anyway that i can interfere to the boot process to catch the backend.auth.extendsigninview using my plugin. thanks for your answers and supporting" +1944824,"""https://github.com/fabric8io/docker-maven-plugin/issues/692""",waiting on additional docker compose containers,"i'm fairly certain when i originally submitted a pr for docker-compose support, it had the ability to do things like wait , etc on additional containers other then just the build artifact. did that get lost in the final implementation? looking at the docs i don't think it's possible. i see that docker offers some hints https://docs.docker.com/compose/startup-order/ but i also think it would be nice to just add something in the pom for it." +2057520,"""https://github.com/danielbachhuber/bylines/issues/58""",assigned byline shouldn't appear in the list of available bylines,! image https://cloud.githubusercontent.com/assets/36432/25976447/ddd4c950-3669-11e7-81fd-6e9cd2a8f46b.png ! image https://cloud.githubusercontent.com/assets/36432/25976459/f9a4250e-3669-11e7-805f-ad86908ea6ea.png +181163,"""https://github.com/backdrop-ops/contrib/issues/239""",port of taxonomy_field_formatter,drupal module: https://www.drupal.org/project/taxonomy_field_formatter drupal issue: https://www.drupal.org/node/2915005 work in progress: https://github.com/opi/taxonomy_field_formatter +3743131,"""https://github.com/tarantool-php/client/issues/25""",no space defined,"php 5.6.30-1~dotdeb+7.1 cli built: jan 21 2017 14:50:59 tarantool 1.7.4 binary bba87e42-c93f-4823-a51a-36069400f80f php module compiled from github repo server script looks like: box.cfg { listen = 3301, background = true, log = 'deploy.log', pid_file = 'deploy.pid' } space = box.space.deploy if not space then space = box.schema.create_space 'deploy' space:create_index 'primary', { parts = {1, 'str'}, type='hash' } end attempt to execute following code: $tt = new tarantool 127.0.0.1 ,3301 ; echo $tt->select 'deploy' ; failed with uncaught exception 'exception' with message 'no space 'box.space.deploy' defined' at the same time console call box.space.deploy returns --- - index: 0: &0 unique: true parts: - type: string fieldno: 1 id: 0 space_id: 512 name: primary type: hash primary: 0 on_replace: 'function: 0x4174bab8' temporary: false id: 512 engine: memtx enabled: true name: deploy field_count: 0" +902419,"""https://github.com/gravitystorm/openstreetmap-carto/issues/2709""",render cross in the centroid of christian churches,the cross and name appear out of shape. example santadart : ! 1 https://user-images.githubusercontent.com/19976610/28620238-79285dc8-71e2-11e7-899d-f5b0501a1049.png hot: ! 2 https://user-images.githubusercontent.com/19976610/28620239-792902e6-71e2-11e7-9a44-9d65a9fd5a45.png http://www.openstreetmap.org/way/49840192 +2397371,"""https://github.com/alenapetsyeva/alenatut/issues/7247""",tutorial page author.md issue. qa green,"tutorial issue found: https://github.com/alenapetsyeva/alenatut/blob/master/tutorials/2011/12/author.md https://github.com/alenapetsyeva/alenatut/blob/master/tutorials/2011/12/author.md contains invalid tags. even though your tutorial was created, the invalid tags listed below were disregarded. please double-check the following tags: +- 123 affected server: qa green" +469484,"""https://github.com/mtboren/XtremIO.Utils/issues/5""",value for property overallefficiency on cluster object not accurate,"the overallefficiency property on xioiteminfo.cluster objects is not being determined in the same way as reported in the webui / java ui. per the description in the webui, overallefficiency is, 'volume capacity' to 'physical space used' ratio ." +1484574,"""https://github.com/mattgallagher/CwlSignal/issues/13""",installation through carthage fails citing bitcode issues,"trying to install 2.0.0-beta.8 through carthage with xcode 8.3.3: ld: bitcode bundle could not be generated because '/users/zoul/library/caches/org.carthage.carthagekit/deriveddata/cwlsignal/2.0.0-beta.8/build/products/release-iphoneos/cwlutils.framework/cwlutils' was built without full bitcode. all frameworks and dylibs for bitcode must be generated from xcode archive or install build for architecture arm64 clang: error: linker command failed with exit code 1 use -v to see invocation am i doing something wrong? i tried 1.x, but that also fails to install through carthage for a different reason." +2745132,"""https://github.com/dennisschuerholz/Piwigo-LDAP-Login/issues/4""",ui: multiple config-tabs,"to split the config basic, groups, ... it's best to have tabs" +3805644,"""https://github.com/maierfelix/mini-wasm/issues/5""",doesn't work in firefox.,"when browsing http://maierfelix.github.io/mini-wasm/ http://maierfelix.github.io/mini-wasm/ in firefox nothing appears to happens when i click compile. both upon loading the page and upon clicking compile, the following is posted in the web console: error: unknown node kind undefined >error http://www.felixmaier.info/mini-wasm/:58:19 >emitnode http://www.felixmaier.info/mini-wasm/src/emit.js:260:5 >emitnode http://www.felixmaier.info/mini-wasm/src/emit.js:164:5 >emitnode/< http://www.felixmaier.info/mini-wasm/src/emit.js:226:35 >map self-hosted:275:17 >emitnode http://www.felixmaier.info/mini-wasm/src/emit.js:226:5 >emitfunction/< http://www.felixmaier.info/mini-wasm/src/emit.js:304:33 >map self-hosted:275:17 >emitfunction http://www.felixmaier.info/mini-wasm/src/emit.js:304:3 >emitnode http://www.felixmaier.info/mini-wasm/src/emit.js:156:5 >emitcodesection/< http://www.felixmaier.info/mini-wasm/src/emit.js:135:7 >map self-hosted:275:17 >emitcodesection http://www.felixmaier.info/mini-wasm/src/emit.js:133:3 >emit http://www.felixmaier.info/mini-wasm/src/emit.js:47:3 >compile http://www.felixmaier.info/mini-wasm/src/index.js:28:3 >cmp.onclick http://www.felixmaier.info/mini-wasm/:56:25 > http://www.felixmaier.info/mini-wasm/:44:9" +4194560,"""https://github.com/italia/spid-metadata-signer/issues/8""",tool per la preparazione automatica dei metadati per nodi cluster,"nell'avviso 6 è stato introdotto il concetto di nodo cluster, se può tornare utile proporrei di rendere disponibile qualche tool di conversione tra i metadati generati dai sistemi di autenticazione aggregatori già presenti nelle amministrazioni e il formato richiesto da spid. se può essere utile ad altri posso fare la versione per adfs" +1387708,"""https://github.com/eapowertools/GovernedMetricsService/issues/102""",gms test page set to debug logging by default,too verbose. change default logging level +2363021,"""https://github.com/disheng222/SZ/issues/6""",unable to build from github checkout,"i can run ./configure , but i get the following error when running make : cdpath= ${zsh_version+.}: && cd . && /bin/sh /home/bda/codar/sz/missing aclocal-1.13 /home/bda/codar/sz/missing: line 81: aclocal-1.13: command not found warning: 'aclocal-1.13' is missing on your system. you should only need it if you modified 'acinclude.m4' or 'configure.ac' or m4 files included by 'configure.ac'. the 'aclocal' program is part of the gnu automake package: it also requires gnu autoconf, gnu m4 and perl in order to run: make: makefile:349: aclocal.m4 error 127 there are also several files checked into source control that should probably be removed and ignored. after running ./configure , the following files are modified: modified: makefile modified: config.log modified: config.status modified: libtool" +2022552,"""https://github.com/opentrials/opentrials/issues/824""",data dumps are being tagged with the previous month's date,"for example, a data dump that happened on 01/may/2017 would be tagged as 01/apr/2017 see https://airflow.opentrials.net/admin/airflow/log?execution_date=2017-04-01t00%3a00%3a00&task_id=dump_api_database&dag_id=data_dumps . the fix involves changing this to the correct value: https://github.com/opentrials/opentrials-airflow/blob/ec44992c82d25eb865f25c76adc1cace8bd8815a/dags/data_dumps.py l60" +2563197,"""https://github.com/TwistedScorpio/OTHire/issues/155""",not possible to walk from some positions using right click.,"hello, not sure if this is a bug, but i think it wasn't happening on avesta. when you right click for example on deopt and you have way that you can go through the server doesn't see the path and message you there is no way . ! nowy obraz mapy bitowej 2 https://user-images.githubusercontent.com/6841661/28756342-b890b1c6-756c-11e7-88b9-09482967109d.jpg" +1571399,"""https://github.com/filingroove/wavescore-chat/issues/733""",здравствуйте! пишу вам на почту поддержки ...,"здравствуйте! пишу вам на почту поддержки  helpdesk@wavescore.com +и на сайте, в раздел устранения трудностей уже много раз, проблена остается…  +по моей реферальной ссылке потенциальные партнеры уходят к другому человеку, lyudmila rudenko! понимаете, у меня везде размещены ссылки и ко мне никто не приходит!  примите пожалуйста соответствующие меры, времени уже прошло очень много. спасибо. +                                                                  robert guzov +user: { id : e81oxplm3r , first_name : robert , last_name : , full_name : robert } context: ua-chrome ua-chrome-56 ua-chrome-56-0 ua-chrome-56-0-2924 ua-chrome-56-0-2924-87 ua-desktop ua-desktop-macintosh ua-mac_os_x ua-mac_os_x-10 ua-mac_os_x-10-12 ua-mac_os_x-10-12-1 ua-webkit ua-webkit-537 ua-webkit-537-36 js location: { hash : , search : , pathname : /messaging , port : , hostname : www.wavescore.com , host : www.wavescore.com , protocol : https: , origin : https://www.wavescore.com , href : https://www.wavescore.com/messaging , ancestororigins :{}}" +4150884,"""https://github.com/wikiwho/WhoColor/issues/9""","for some articles, token annotations stop partway through","for example, https://api.wikiwho.net/eu/whocolor/v1.0.0-beta/virginia%20hendersonen%20eredua/ article: https://eu.wikipedia.org/wiki/virginia_hendersonen_eredua view it from programs & events dashboard: https://outreachdashboard.wmflabs.org/courses/ehu,_ewke_eta_donostia_kultura/ehu-wikipedia_2017/articles here's the visualization of how far into the articles the authorship tokens go: ! partial coloring https://user-images.githubusercontent.com/848483/31785041-bb16e808-b4b8-11e7-9010-e9c4d729bbab.png" +265017,"""https://github.com/oliverlee/phobos/issues/84""",steer torque input values are too large,data from a test with an impulse : oliver@canopus:~/repos/phobos/tools/build$ ./pbprint log.pb 0 | grep -a 2 input | head -n50 input { u: 0 u: -0.31738281 -- input { u: 0 u: -0.1953125 -- input { u: 0 u: 0.1953125 -- input { u: 0 u: 0.36621094 -- input { u: 0 u: 0.14648438 -- input { u: 0 u: 0.09765625 -- input { u: 0 u: 0.36621094 -- input { u: 0 u: 0.48828125 -- input { u: 0 u: 0.390625 -- input { u: 0 u: 0.390625 -- input { u: 0 u: 0.63476562 -- input { u: 0 u: 0.83007812 -- input { u: 0 +2145670,"""https://github.com/Cobbleopolis/MonsterTruckBot/issues/42""",bot creation page,have the index page redirect to the bot invite page if the bot is unable to see the guild on discord +3567348,"""https://github.com/openwrt/luci/issues/1341""",luci-app-openvpn 'remote-random' control is broken,"in the web interface, ' remote_random ' box is checked but a remote_random entry does not appear in the saved configuration file at /etc/config/openvpn" +8036,"""https://github.com/valiahq/Valia-Web/issues/169""",max price range,max seems to be fixed at $1000 +1517223,"""https://github.com/SuperNETorg/EasyDEX-GUI/issues/33""",linux changing from basilisk to full doenst show balance or txs,ran in basilisk and sent txs in this mode. i stopped iguana then started again in full. 100% downloaded blockchain but no balance or tx data. +1600972,"""https://github.com/zz85/space-radar/issues/34""",color by type,"i suggest assigning colors as follows: for files, use the same colors as gnu ls by respecting the environment variable ls_colors. if that variable is not set, then use the defaults printed by dircolors -p . for directories: for .git, foo.git, .svn, and other configuration management directories: use the same color as for a .tar file. for .../bin, /applications, etc: same as an executable, or a .exe file. for ~/pictures: same as a .jpg file. otherwise, a directory should inherit the color of the contents, with votes weighted by space. i.e., add up the space for all the green files & subdirectories, all the red files & subdirectories, etc. whichever color accounts for the most space is assigned to the directory. coloring by content would make it easier to spot duplicate collections of files, because those directories would be assigned the same color. to make this even easier, one could construct a directory color by averaging over the color of its contents. however, i suggest this be an option rather than the default." +4361113,"""https://github.com/edgurgel/httpoison/issues/275""",dialyzer warnings for post,"i see the following dialyzer warnings in my project: lib/services/closeio/client.ex:23: function create_lead/1 has no local return lib/services/closeio/client.ex:25: the call 'elixir.closeio.httpclient':post { <47> 8, 1, 'integer', 'unsigned', 'big' , <108> 8, 1, 'integer', 'unsigned', 'big' , <101> 8, 1, 'integer', 'unsigned', 'big' , <97> 8, 1, 'integer', 'unsigned', 'big' , <100> 8, 1, 'integer', 'unsigned', 'big' , <47> 8, 1, 'integer', 'unsigned', 'big' } ,payload@1::map , {<<_:96>>,<<_:128>>},... will never return since it differs in the 2nd argument from the success typing arguments: binary ,binary | {'file',binary } | {'form', {atom ,_} }, {binary ,binary } | {binary =>binary } this happens when wrapping httpoison base, and providing a map to post which is encoded with this function: defp process_request_body body do poison.encode! body end so in this case restricting post payload to any kind of type may raise warnings if the end user overrides process_request_body ." +542198,"""https://github.com/Eskalol/generator-swagger-es-6/issues/14""",clean up linting,it's quite a lot linting errors in the generated code... +4152352,"""https://github.com/01org/zephyr.js/issues/668""",ocf: device and platform object implementation is missing,https://github.com/01org/iot-js-api/tree/master/api/ocf ocfdevice https://github.com/01org/iot-js-api/blob/master/api/ocf the-ocfplatform-object we need to be able to set these two objects from the js app. +94217,"""https://github.com/cslarsen/wpm/issues/12""",bug when downsizing window,"for some quotes, when you keep downsizing, it will throw an error. better to just print inside the display that sorry, the window is too small!" +1094751,"""https://github.com/scotch-io/scotch-box/issues/317""",npm & bower broken.,npm -v outputs module.js:487 throw err; ^ error: cannot find module 'internal/fs' at function.module._resolvefilename module.js:485:15 at function.module._load module.js:437:25 at module.require module.js:513:17 at require internal/module.js:11:18 at evalmachine.:40:20 at object. /usr/local/lib/node_modules/npm/node_modules/write-file-atomic/node_modules/graceful-fs/fs.js:11:1 at module._compile module.js:569:30 at object.module._extensions..js module.js:580:10 at module.load module.js:503:32 at trymoduleload module.js:466:12 same with bower -v . +1345845,"""https://github.com/webcompat/web-bugs/issues/8404""",developer.apple.com - see bug description," + + url : https://developer.apple.com/ browser / version : firefox 55.0 operating system : windows 10 tested another browser : yes problem type : something else description : left / right arrow buttons don't scroll banner steps to reproduce : +1. tried bringing back previous banner _from webcompat.com https://webcompat.com/ with ❤️_" +994887,"""https://github.com/GoogleCloudPlatform/google-cloud-ruby/issues/1788""",add round-trip acceptance test for requester_pays and user_project,"we need to add a test or tests demonstrating the interaction between setting the bucket requester_pays property and the user_project option available on multiple methods . this will involve using a second project. some questions: 1. how should the second project be configured? in environment variables? should the tests be conditional to only run if the second project is configured, or should they fail if the second project is not configured? 1. should the tests cover every api method supporting user_project , or just a subset? there are a lot... most if not all methods support user_project ." +4398272,"""https://github.com/Orientsoft/conalog-front/issues/29""",parser last activity problem,"this might be a conalog backend problem, record for further research" +4602586,"""https://github.com/social-machines/social-machines.github.io/issues/10""",update people data to reflect category of role,"for example, phd student, masters, visiting researcher, faculty, etc." +206291,"""https://github.com/PsychoinformaticsLab/neuroscout/issues/173""",search clears filtering predictors,when predictors are filtered the previously selected predictors are cleared out. +1783019,"""https://github.com/vitoralmeidasilva/godot-chip8-emulator/issues/8""",ui to check memory and registers,a good idea to control and visualize how the cpu works is to show an ui where the user can check all memory locations and registers in an easy and intuitive way. +4818598,"""https://github.com/JaCraig/Inflatable/issues/5""",add greedy loading,allow for greedy loading of properties along with a query. should be able to do this multiple levels down. +5141409,"""https://github.com/gazman-sdk/Life-Cycle/issues/4""",gettting a single instance with some parameters,"i've been playing with your sdk for a couple of hours, i like the idea of having a factory handling the cleaning of all static references using weak reference if the factory would have helped as well , but what if the creation of a singleton requires some parameters to be passes? you're using the default constructor in you sdk but what if the class doesn't have any? i would recommend you to add some kind of lambda expression to be passed to the factory, this lambda would handle the creation of the first instance with some parameters. hope you get the idea." +873895,"""https://github.com/janzeteachesit/100-days-of-writing/issues/342""",how news literacy gets web misinformation wrong,"how “news literacy” gets web misinformation wrong by mike caulfield download medium on the app store or play store grist4  starred  jrn 
    +how “news literacy” gets web misinformation wrong
    +label: grist
    +date: april 07, 2017 at 11:44pm" +3634347,"""https://github.com/Semantic-Org/Semantic-UI/issues/5416""",dimmer blurring dimmable leave z-index stacking side effects,"for reference: https://developer.mozilla.org/en-us/docs/web/css/css_positioning/understanding_z_index/the_stacking_context the use of a filter css property will impose z-index stacking rules for an element. as such, when using a blurring modal dimmer there are side effects left over from having a filter property on the non-dimmed content. see: https://github.com/semantic-org/semantic-ui/blob/master/src/definitions/modules/dimmer.less l122 this leads to unexpected stacking behavior for elements that would otherwise not have z-index stacking rules applied to them. one example being the use of menus with dropdowns following the open/close of a blurred modal . one solution, which i'm actively using, is to set the filter property to initial instead of @blurredstartfilter which will restore the preexisting z-index stack behavior for those affected nodes. here are some screencaps to illustrate... pre modal open: ! image https://cloud.githubusercontent.com/assets/139316/26523987/eccb9508-42e2-11e7-9373-1534587cd368.png modal open: ! image https://cloud.githubusercontent.com/assets/139316/26523990/0329a128-42e3-11e7-95c6-e8adcff5b07f.png post modal open: ! image https://cloud.githubusercontent.com/assets/139316/26523994/1299defc-42e3-11e7-8472-ad2fd3746b0c.png" +3996123,"""https://github.com/dns-stats/draft-dns-capture-format/issues/32""",record subnets not individual addresses,could the address recording mechanism allow for just recording subnets and so shrinking data ? +1780862,"""https://github.com/Microsoft/vscode/issues/28400""",quick suggestions work incorrect,"extension cpptools is installed. vs code toggle quick suggestions popup, after i type i++; , but it shouldn't. - vscode version: last - os version: ubuntu 16.04 steps to reproduce: with cpptools enabled, type i++; in any cpp file." +4249835,"""https://github.com/mipt-cs-on-cpp/course-site/issues/3""",1-я неделя. практика: компиляция и работа в консоли.,"компиляция в консоли. работа в ide. отладка программы. алексей, ответственное дело, поэтобу тебе. ты должен будешь проверить, что всё окружение, необходимое для компиляции, работает." +910977,"""https://github.com/Greg-Turner/greg-turner.github.io/issues/10""",store contact information database in local storage,"1. create a contact.js file and include it in your contact.html file. 1. build a database object to store the pertinent information about each of your social media profiles. 1. stringify the database object and store it in local storage. the first step is to design what each object's properties should be - name of service, your name/handle, url to profile, perhaps the icon of the service. each object should have those properties." +1577105,"""https://github.com/worldoss/ocean/issues/40""",커뮤니티 참여자들 중 봇 bot 의 식별과 네트워크 분석 포함 여부,커뮤니티 참여자들 중 봇 bot 의 식별 방안과 네트워크 분석 포함 여부를 논의하기 위해 본 이슈를 오픈합니다. +712667,"""https://github.com/taniman/proxy-bot/issues/93""",monitor: totals tab percent loss,"would love to see a percent loss from total current value to total pending value. and maybe the total loss in btc. that would make it easy to do something like oh, i can afford to panic sell that shit and start over or crap, i can't sell em all at the moment because, sometimes you just want to smack em all flat and start over in a new market pattern." +770055,"""https://github.com/Microsoft/pxt/issues/1750""",getting a high resolution screen shot,"microbit.org-ticket: 1391 the new screenshot feature is very useful. however the image comes out at quite a low resolution, and the customer wants to use them in print media. presumably the rendering is from a vector graphics source, would it be possible to optionally generate a svg or some other vector graphics format that could be scaled infinitely for print use?" +2278946,"""https://github.com/MyersResearchGroup/iBioSim/issues/414""",task id's appear to be broken,"if you give an analysis a task id, then simulation does not happen." +3159672,"""https://github.com/sksamuel/eel-sdk/issues/223""",avrosource and avrosink should support a hadoop path argument on constructor,"e.g. scala case class avrosource path: path extends source with using { override def schema : structtype = { using avroreaderfns.createavroreader path { reader => val record = reader.next avroschemafns.fromavroschema record.getschema } } override def parts : list part = list new avrosourcepart path, schema } should support other variants for: 1. avrosource in: inputstream 2. avrosource path: org.apache.hadoop.fs.path 3. avrosource path: java.nio.file.path 4. avrosource file: file 5. avrosink out: outputstream 6. avrosink path: org.apache.hadoop.fs.path 7. avrosink path: java.nio.file.path 8. avrosink file: file" +3453090,"""https://github.com/sentinelsat/sentinelsat/issues/171""",to_geopandas should be to_geodataframe,"in the tutorial, https://github.com/sentinelsat/sentinelsat geopandas geodataframe with the metadata of the scenes and the footprints as geometries api.to_geopandas products to_geopandas should be to_geodataframe" +1743134,"""https://github.com/lstjsuperman/fabric/issues/16077""",momoapplication.java line 542,in com.immomo.momo.momoapplication.f number of crashes: 1 impacted devices: 1 there's a lot more information about this crash on crashlytics.com: https://fabric.io/momo6/android/apps/com.immomo.momo/issues/59c23857be077a4dcced9c62?utm_medium=service_hooks-github&utm_source=issue_impact https://fabric.io/momo6/android/apps/com.immomo.momo/issues/59c23857be077a4dcced9c62?utm_medium=service_hooks-github&utm_source=issue_impact +4492342,"""https://github.com/janzeteachesit/100-days-of-writing/issues/393""",irritations in introductory physics:,"irritations in introductory physics: by andrew robinson download medium on the app store or play store grist4  stem 
    +irritations in introductory physics:
    +label: grist
    +date: april 11, 2017 at 09:59pm" +885688,"""https://github.com/kwsch/PKHeX/issues/718""",request: add warning about changing gender gen 7,"as of commit 696398f, it's been possible to change your skin tone, but pkhex also allows you to change your character's gender. upon changing my player's gender from male -> female with a save backup, of course , my game would consistently crash when trying to load my newly injected save file. i'd recommend either having a warning at the top of the editor similar to that in the event flags editor , or prompt the user to be wary of the side effects after changing your player's gender through a prompt if gender changed from male -> female or female -> male ." +1825713,"""https://github.com/Vizir/react-native-autocomplete-select/issues/3""",is their a way to hide suggestions ?,is their a way to hide suggestions i have multiple autosuggest on the page and would like to close the previous one on focus lost +55203,"""https://github.com/Elytherion/tdeheroes/issues/88""",improve macos titlebar,enforce a consistent design by creating an own titlebar for macos in the style of the app. +1352420,"""https://github.com/ga-wdi-exercises/project2/issues/821""",unable to access :user_id info for routes,"i'm getting this error: no route matches {:action=> edit , :controller=> goals , :id=> 1 , :user_id=>nil} missing required keys: :user_id . the line in question is: <% current_user.goals.each do |goal| %> ... <%= link_to 'edit', edit_user_goal_path @user, goal %> ... <% end %> the edit on the controller is: def edit @user = current_user @goal = goal.find params :id end and my repo is linked here: https://github.com/justwes2/wellnyss i'm not sure what i'm missing to access the edit_user_goal here." +3713088,"""https://github.com/QIICR/Slicer-PETDICOMExtension/issues/11""",suv conversion will fail if there are extra files in the directory with the input series,the class that is used to generate file names specifically makes the assumption assuming there is only one study/series . +2371996,"""https://github.com/curiouslearning/CognitivePlayground/issues/50""",practice trials for games run by json,"user story as a child, i would like all the games run by json to have a practice flag associated with a trial that dictates whether a trial should repeat infinitely until the correct answer is discovered, so that i can better get my bearings in a game to figure out what i'm supposed to do before hopping into the real trials. acceptance criteria given that i am playing a game run by json, when i read in the json i will look for a practice flag for the trial and if found, then i will repeat this trial over and over until the correct answer is given before moving on to the next trial. given that i am playing a game run by json, when i read in the json i will look for a practice flag for the trial and if it isn't found, then i will play the trial will not repeat when an answer is given." +2900704,"""https://github.com/MahimaSrikanta/MS-Planner/issues/14""",design and implement yelp search form,design and implement yelp search form +5019937,"""https://github.com/jonathangomz/PythonClassifier/issues/1""",use score to calculate the accuracy,we going to add the function to calculate the accuracy using the method score from sklearn. +128907,"""https://github.com/ancor-dev/angular-autofocus-fix/issues/2""",errors with angular material,getting this error when using autofocus with : expressionchangedafterithasbeencheckederror expression has changed after it was checked. previous value: 'false'. current value: 'true'. angular 4.4.6 angular material 2.0.0-beta.12 +5014922,"""https://github.com/iotaledger/wallet/issues/351""",iota wallet not attaching to tangle,"i have downloaded the latest wallet, however when i attempt to attached the address to the tangle, it will just say attaching to tangle until i close the wallet overnight . this means i cant access my balance, or generate a new address." +3386893,"""https://github.com/tarantool/doc/issues/186""",document new box.info.replication,commit c9eb84e0f62028fe4eccd3397e27cc922eb3aa31 author: roman tsisyk date: mon apr 10 15:08:06 2017 +0300 replication: change box.info.replication output add box.info.replication instance_id .id add box.info.replication instance_id .lsn display all registered replicas in box.info.replication hide box.info.replication instance_id .upstream when applier->state is off fix initial value of box.info.replication instance_id .vclock add tests example output master 1: tarantool> box.info.replication --- - 1: id: 1 uuid: d0734943-1aaf-4db8-859d-b6bb5aa0921f lsn: 2 2: id: 2 uuid: 448997c0-b51e-4f22-9c2c-e0e5167b6910 lsn: 0 upstream: status: follow idle: 3.2325129508972 lag: 0 downstream: vclock: {1: 2} master 2: tarantool> box.info.replication --- - 1: id: 1 uuid: d0734943-1aaf-4db8-859d-b6bb5aa0921f lsn: 2 upstream: status: follow idle: 32.845174312592 lag: 0 downstream: vclock: {1: 2} 2: id: 2 uuid: 448997c0-b51e-4f22-9c2c-e0e5167b6910 lsn: 0 ... +5195107,"""https://github.com/yandex/yandex-tank/issues/460""",не удалось найти пакет yandex-tank,устанавливаю яндекс.танк по инструкции sudo apt-get install python-software-properties sudo apt-get install software-properties-common sudo add-apt-repository ppa:yandex-load/main sudo apt-get update && sudo apt-get install yandex-tank при выполнении последней инструкции выходит сообщение: чтение списков пакетов… готово построение дерева зависимостей чтение информации о состоянии… готово e: не удалось найти пакет yandex-tank хотя по прямой ссылке https://launchpad.net/~yandex-load/+archive/ubuntu/main пакеты яндекс.танка есть пробовал искать apt search load | grep yandex или apt search load | grep yandex в менеджере пакетов ничего не находит. +3178946,"""https://github.com/grommet/grommet/issues/1399""",accordion component is using number.isinteger call that is fails in internet explorer 11," accordion component fails to load in internet explorer 11 due to number.isinteger call expected behavior accordion should load without issue in ie11 actual behavior page fails to load when accordion is on it. gets error: line: 106 error: object doesn't support property or method 'isinteger' i added a manual fix to accordion.js for ie11: replaced line 58 - if number.isinteger _this.props.active { with if _this.props.active === parseint _this.props.active, 10 { to get around this issue. url, screen shot, or codepen exhibiting the issue https://codepen.io/jrkirkwood/pen/yxbeek or just go to grommet examples page using ie11: https://grommet.github.io/hpe/docs/accordion/examples/ steps to reproduce 1. add accordion component to any page 2. try to open with ie11 3. your environment grommet version: 1.4.1 browser name and version: ie 11 operating system and version desktop or mobile : windows 10 desktop" +3596486,"""https://github.com/qbittorrent/qBittorrent/issues/7896""","field always locked in f downloading , never change !!","please provide the following information qbittorrent version and operating system v4.0.1 linux mint cinnamon 64bit if on linux, libtorrent and qt version v4.0.1 linux mint cinnamon 64bit what is the problem before the field changed dynamically, now it always stays f downloading what is the expected behavior should show paused , downloading and f downloading steps to reproduce never change !! extra info if any type here" +3040209,"""https://github.com/HIPERFIT/futhark/issues/300""",futhark-mode does not intend this example correctly,module m r: s : foo with t1 = t2 = { fun f x: int = x + 2 } the closing brace should not be indented. +3382056,"""https://github.com/marcosmoura/vue-material/issues/616""",the wave effect can be canceled?,the wave effect can be canceled? i can set it when i do not use it on low-end device +787950,"""https://github.com/alextselegidis/easyappointments/issues/296""",working plan for services revisited...,"hi alex, i had two services currently via the same provider, problem was that one service i could only perform whilst in the office whilst the other one is a skype meeting. so i did what you've suggested, created two providers and assigning one service to each. the problem however is that the calendars aren't synced between each provider, so there is the risk of double booking. obviously when i'm in an office meeting i can't be in a skype meeting. do you know how i can overcome this? thanks" +5178554,"""https://github.com/mit-cml/appinventor-sources/issues/909""",stack overflow errors not reported to blocks editor,"related to 908: the stack overflow error caused by the json renderer is not properly reported to the app inventor client as a runtime error. because this is an error rather than an exception, it might not be properly caught/handled by the runtime. forum post for reference https://groups.google.com/d/msg/mitappinventortest/guxv17o2rg8/lmm4tppnbqaj" +4991841,"""https://github.com/frontendbr/eventos/issues/226""",maringá femug-mga 8 - tecnospeed,"título : femug-mga 8 - tecnospeed data : 28 de outubro local : tecnospeed - edifício new tower, 17o andar - maringá descrição breve : o femug de maringá, lembrando que você também pode falar sobre algum assunto se inscrevendo aqui, https://goo.gl/filtnk logotipo do evento : http://i.imgur.com/fpwep4c.png valor : gratuito mais informações : https://goo.gl/is8uzh" +3241884,"""https://github.com/cmckee-dev/go-alpha-vantage/issues/16""",crypto currency tests,mocked code for crypto currencies. needs testing around it still. +221032,"""https://github.com/yabwe/medium-editor/issues/1336""",activate the toolbar at custom event,"i want to trigger the toolbar on clicking a particular element say a span , making it the current selection and then be able to apply the text edit from the toolbar how do i use the provided methods to do that?" +423214,"""https://github.com/TrinityCore/TrinityCore/issues/19569""",core/script the passive talent mania don't give the bonus.,"description: the passive talent mania don't give the bonus of movement speed. current behaviour: when choose the talen mania according to the talent, for each 3 points of insanity you the movement speed should increase in 1%. but at the moment is not giving the bonus of speed even though the bar of insanity be the 100% expected behaviour: for each 3 points of the bar of power insanity should go up the speed of movement of priest to 1% steps to reproduce the problem: 1. create a human player/priest 2. go up it until level 30 3. chose the specialization shadow 4. choose the talent mania 5. fill the bar of power insanity branch es : master tc rev. hash/commit: 7c66e7bbc7a401e7a2d8f2bdcead6531678262ea tdb version: 7.2.0+updates operating system: windows 10 description in wowhead http://es.wowhead.com/spell=195290/mania" +4023294,"""https://github.com/rails-api/active_model_serializers/issues/2208""",custom root key in activemodel serializers,"i am using rails 5 and acive model serializer 0.10.6 in my project. i need below format of json { account_lists : { 0 : { id : 1, description : test tets test tets }, 1 : { id : 2, description : test tets test tets } } } 0 , 1 keys would be the index of the object. i tried with below code, but result is not coming account_serializer.rb class accountserializer < activemodel::serializer attributes :custom_method def custom_method { object.id => {id: object.id, description: object. description } } end end accounts_controller.rb render json: @accounts, root: account_lists , adapter: :json result is { account_lists : { custom_method : { 46294 : { id : 46294, description : test tets test tets } } }, { custom_method : { 46295 : { id : 46295, description : test tets test tets } } } could you please help me to get the result. https://stackoverflow.com/questions/46890409/custom-key-in-activemodel-serializers url" +2517130,"""https://github.com/bigdatagenomics/adam/issues/1786""",remove explicit scopes from submodule poms,"hi @heuermh wanted your thoughts on this. i know you added these a few months back in https://github.com/bigdatagenomics/adam/commit/9505d47e881305367fbad4bdfb8f189c3e766b0a and that we had discussed this at the time, but i can't remember what the exact rationale was, and the attached issue doesn't seem to discuss the rationale its long so i skimmed it and may have missed the discussion . this is really a question of convenience; i was debugging something today so changed a dependency from compile to provided scope. however, since i didn't update the submodule poms, it was still packaged at compile scope. this was a bit of a hassle since the specific debugging loop was pretty long it involved deploying the assembly jar over a slow internet connection . that said, i remember you had a reason for adding the explicit scopes, so i wanted to circle back. can you jog my memory? no need to change this now, just wanted to create a ticket for discussion." +1305907,"""https://github.com/own-pt/wordnet-dsl/issues/14""",read.lisp should not use symbol names,"this line is the problem: https://github.com/own-pt/wordnet-dsl/blob/74593f13be30a395ed5f584537747849b1d66047/src/read.lisp l7 while it work on macs due to case insensitive file systems, it fails on linux. i recommend switching to strings instead of symbols for the filenames." +1913774,"""https://github.com/vryurek/SpotiFour/issues/22""",playlist page does not display playlist name,dylan and i are trying to figure out how to display the name of the playlist instead of 'songs'. +2246335,"""https://github.com/koorellasuresh/UKRegionTest/issues/71650""",first from flow in uk south,first from flow in uk south +4125824,"""https://github.com/14417335/question-bank/issues/17""",swap two numbers without using third variable in java,write a unit test to test on method 2 h3. swapping method 1 z = y; y = x; x = z; h3. swapping method 2 x = x^y; y = x^y; x = x^y; h3. swapping method 3 what flaw does this have? x = x y; y = x/y; x = x/y; +4521845,"""https://github.com/flutter/flutter/issues/13614""",allow ~ in dependencies in pubspec.yaml,full on glob might be a bit much. but i'm sure dev pubspec's world-wide are filled with references to /users/ or /home/. pubspec.yaml android_alarm_manager: path: ~/code/flutter/plugins/packages/android_alarm_manager flutter packges get err : could not find package android_alarm_manager at ~/code/flutter/plugins/packages/android_alarm_manager . +334735,"""https://github.com/springernature/frontend-playbook/issues/143""",review the dependency management tools section,we added a section about tools for managing node.js dependencies to our dependency management page https://github.com/springernature/frontend-playbook/blob/master/practices/dependency-management.md dependency-management-tools . maybe it's not the best place to contain that information and we should have a separate page for tools. +2483054,"""https://github.com/aksonov/react-native-router-flux/issues/2014""",navbar props doesn't affect on back button style,"neither leftbuttontextstyle or backbuttontextstyle don't make any changes for me, but titlestyle does. can someone approve that behavior? " +1745499,"""https://github.com/telegramdesktop/tdesktop/issues/3348""",segmentation fault arch linux,"sorry for my english please steps to reproduce 1. go to telegram's folder 2. try to launch 3. you will see segmentation fault see log 4. try to launch again 5. telegram launch expected behaviour tell us what should happen telegram should start actual behaviour tell us what happens instead tellegram does not start configuration operating system: linux laptop 4.10.11-1-arch 1 smp preempt tue apr 18 08:39:42 cest 2017 x86_64 gnu/linux version of telegram desktop: 1.0.29 used theme : default
    logs: ➜ telegram ./telegram fontconfig error: /etc/fonts/conf.d/10-scale-bitmap-fonts.conf , line 72: non-double matrix element fontconfig error: /etc/fonts/conf.d/10-scale-bitmap-fonts.conf , line 72: non-double matrix element fontconfig warning: /etc/fonts/conf.d/10-scale-bitmap-fonts.conf , line 80: saw unknown, expected number fontconfig error: /etc/fonts/conf.d/10-scale-bitmap-fonts.conf , line 72: non-double matrix element fontconfig error: /etc/fonts/conf.d/10-scale-bitmap-fonts.conf , line 72: non-double matrix element fontconfig warning: /etc/fonts/conf.d/10-scale-bitmap-fonts.conf , line 80: saw unknown, expected number 1 5322 segmentation fault core dumped ./telegram
    " +3714656,"""https://github.com/juju/juju-gui/issues/2470""",in df when i give the model a name the breadcrumb in the upper left should sync with that.,@hatched says it should do that and it's a regression. +587704,"""https://github.com/volebo/volebo-express/issues/24""",is express-flash good?,should we use https://www.npmjs.com/package/express-flash for server even optionally ? +1184566,"""https://github.com/KrassOrg/bsTestRepo/issues/3037""",ios-8361: no summary bugsee,reported by test 373838 view full bugsee session at: https://appdev.bugsee.com/ /apps/56a84b750195cacd43d854ae/issues/ios-8361 +3868731,"""https://github.com/nsqatester/NCGitIntegrationTest/issues/197""",vulnerability - svn detected,vulnerability details url: http://php.testsparker.com/.svn/all-wcprops certainty: 100% confirmed: false +1982164,"""https://github.com/astropy/astroplan/issues/319""",importerror for from astropy.utils.data._open_shelve,"i'm getting this error with astropy 3.0.dev20203 and astroplan d5045d3bfbead5e0da9aca43475be3d32b78d5e3 can someone reproduce the issue? is it possible to avoid the import of private things from astropy like _open_shelve : this is relying on internals and is error-prone, no? in 1 : from astroplan import fixedtarget f--------------------------------------------------------------------------- importerror traceback most recent call last in ----> 1 from astroplan import fixedtarget ~/code/astroplan/astroplan/__init__.py in 21 for egg_info test builds to pass, put package imports here. 22 if not _astropy_setup_: ---> 23 from .utils import 24 from .observer import 25 from .target import ~/code/astroplan/astroplan/utils.py in 12 from astropy.time import time 13 import astropy.units as u ---> 14 from astropy.utils.data import _get_download_cache_locs, cachemissingwarning, 15 _open_shelve 16 from astropy.coordinates import earthlocation importerror: cannot import name '_open_shelve'" +2476424,"""https://github.com/nextcloud/calendar/issues/414""",subscribed calendar not available to the client,"please forgive me, if this has been mentioned already, but i couldn't find any documentation about this. if i create a new calendar, the new calendar shows up on the client when refreshing the calendar base url. if i subscribe to a calendar, the calendar never shows up on the client. funny thing is that the _contact birthdays_ calendar, which is also listed in the _subscription_ section, is available to the client. maybe i'm wrong, but it seems to me that this is not right. what do you think? if this is a bug, my env is nc 11.0.2 with calendar 1.5.2. no errors in any log files." +1623267,"""https://github.com/DataONEorg/rdataone/issues/171""",unit tests failing,unit tests failing with the following error: 1. failure: cnode object index query works with query list param @test.d1node.r 37 result 1 $abstract does not match chlorophyll . ... +512043,"""https://github.com/lionheart/openradar-mirror/issues/17697""",32915779: ios 11: control center should include a top-level airplay/audio output button,"description area: control center summary: in ios 11 it is more tedious to connect airpods or change the a/v output in general than it was in ios 10. if you're using an app that has an airplay button, it's easy to just use that, but often third party apps do not have this option—the only choice is to use control center. on a strongly related side note: in both ios 10 and ios 11, the decision to give airplay mirroring a larger and easier to access button continues to be puzzling to me. my fairly tech-savvy wife thought this was the only way to airplay video from an app that doesn't have an in-app button for it. steps to reproduce: 1. swipe up from the bottom of the screen to reveal control center. 2. look for the option to change the audio output or use airplay. expected results: a button should be visible at the top level of control center to change the audio output or use airplay. at the very least, it should be possible to enable such a button in the settings app, for those that want quicker access. observed results: the audio output button is hidden inside the playback controls. this adds an extra step to change the setting, and it's not the most obvious place to look. generally i want to choose the output before i start playing something. the appearance of the control center widget suggests it's for controlling the playback of whatever app you're already listening to. version: ios 11 15a5304i - +product version: ios 11 15a5304i created: 2017-06-22t03:55:03.808470 +originated: 2017-06-21t23:53:00 +open radar link: http://www.openradar.me/32915779" +3825324,"""https://github.com/RogerCreasy/ChassisPHP/issues/48""",add route group management,we need a way to add middleware to groups of routes. i.e. the backend fastroute has groups built in. we need an implementation that works with our existing system. perhaps the route group name can come from the filename in the routes directory. +1336898,"""https://github.com/opencats/OpenCATS/issues/323""",how to add extra tab or menu in opencats,"actually, it not working russh.. could you please send step by step process to add tab or menu in opencats please screenshot, or step by step to add extra tab in opencats" +3258807,"""https://github.com/micropython/micropython-esp32/issues/172""",wired ethernet support,"is there any development going on or planned in this area? if not, what would be best the approach to enable support for wired ethernet in micropyhton? some ideas/ponderings: would simply wrapping the c api available for wired ethernet mii in esp-idf do the job? is micropython using the tcp/ip stack from the idf or has it implemented a 'local' network stack and how would these interact/interfere ? how would using the ethernet api from idf play nicely with the wifi capabilities available within micropython? another possible approach would be to handle the wired connection management in a separate task, outside of the micropython rtos task. would this be a feasable approach? a lot of quesitons, but i would like to have a go at obtaining ethernet support from within micropython on the esp32 one way or the other. any handles to do so are most welcome!" +1260129,"""https://github.com/nulldevelopmenthr/nemesis/issues/355""",support creating enumvalueobjects,"in order to create our own implementation of enums, we need support for simpleenumvalueobjects & baseenumvalueobjects namespace vendor\status; use vendor\status; class active extends status { } namespace vendor; abstract class status { }" +4103619,"""https://github.com/sitewhere/sitewhere/issues/353""",upgrade hbase client to 0.98.4 and hadoop to 2.6.0,the hbase datastore is not compatible with many newer installations due to the use of hadoop1 and an older hbase client. upgrade code to use hadoop2 and the 0.98.4 hbase client for compatibility with hortonworks and azure hdinsight. this task also includes upgrading code to use newer apis and removing use of deprecated apis. +3900769,"""https://github.com/biolab/orange3/issues/2683""",owdistributions: legend layout.,"legend items in the distribution widget have too much vertical spacing and cover entire plot when labels are long. orange version 3.5.0.dev0+fce22ac master expected behavior the problem doesn't always occur, the vertical spacing seems dependent on the label length different groupings for the adult dataset . ! https://i.gyazo.com/57fcf3cccaa6b4a148b10b8a376caec1.png actual behavior legend items have large vertical spacing and cover the entire plot when labels are long. perhaps introduce text wrapping for long labels? ! https://i.gyazo.com/af3fbf66f1875bc2a75d42071a227e05.png steps to reproduce the behavior file cyber-security-breaches → distributions select arbitrary group by variable" +134782,"""https://github.com/HookyQR/TidyWatch/issues/3""",strange artefact on fenix3hr,"great watch face but i have a strange artefact on the watch face after some time, i'll add a link to image." +2155809,"""https://github.com/Ultimaker/Cura/issues/1291""",support z distance,"cura 2.4.0 os ubuntu 16.04 - there is always a layer of empty space between the support and the object - the support z distance is rounded of to a full layerheight so if you have a layerheight of 0.2mm and support z distance of 0.1mm, there is 0.4mm of space between support and object. this is the case with and without an interface layer" +1698824,"""https://github.com/tlaverdure/laravel-echo-server/issues/198""",not work with https server,"here is my config: { authhost : https://foobar.com , authendpoint : /broadcasting/auth , clients : , database : redis , databaseconfig : { redis : { port : 6379 , host : localhost }, sqlite : { databasepath : /database/laravel-echo-server.sqlite } }, devmode : true, host : null, port : 6001 , protocol : https , socketio : {}, sslcertpath : /home/ubuntu/www/echo-server/cert.pem , sslkeypath : /home/ubuntu/www/echo-server/privkey.pem } and the error is: l a r a v e l e c h o s e r v e r version 1.3.0 ⚠ starting server in dev mode... ✔ running at localhost on port 6001 ✔ channels are ready. ✔ listening for http events... ✔ listening for redis events... server ready! 12:51:41 pm - j8vepmdpbnbtfjwsaaaa joined channel: qr-code-detected laravel-echo-server: ../src/util-inl.h:196: typename node::unwrap v8::local with typename = node::tlswrap : assertion object->internalfieldcount > 0 ' failed. and here is the error from browser console vm49:35 websocket connection to 'wss://foobar.com:6001/socket.io/?eio=3&transport=websocket&sid=abmvlwkf52usuooraaaa' failed: connection closed before receiving a handshake response polling-xhr.js:264 get https://foobar.com:6001/socket.io/?eio=3&transport=polling&t=ltaklgg&sid=abmvlwkf52usuooraaaa net::err_connection_refused polling-xhr.js:264 post https://foobar.com:6001/socket.io/?eio=3&transport=polling&t=ltakmvs&sid=abmvlwkf52usuooraaaa net::err_connection_refused i don't know what happens. please help." +2395713,"""https://github.com/thedigitalgarage/digitalgarage-docs/issues/17""",remove reference to rhel images in docs,http://docs.thedigitalgarage.io/using_images/s2i_images all of the images in this section reference red hat enterprise linux. digital garage is only supporting the centos 7 images for these s2i builders. we need to remove the reference to rhel. +3212752,"""https://github.com/wollypat/test/issues/14""",comment on a task,"you can comment on a task to ask questions, respond to teammates, or offer extra information and insight. try it by commenting on this task. learn more: https://asa.na/se" +1264069,"""https://github.com/tzyganu/UMC1.9/issues/136""",cannot select admin parent menu id,"on a clean magento 1.9.3.4 using chrome or firefox i cannot select from the list of top level menus for the admin parent menu id. the pop up displays the menus but i cannot select them. i can select the insert here and put in in a sort order. it seems the js is the same for the two fields, menu and sort order but works only for sort order." +3604609,"""https://github.com/magento/magento2/issues/9442""",magento 2: reauthorization not returns needed variables,"in continue with https://github.com/magento/magento2/issues/9336 reauthorization returns 'authorizationid' => '45610683dl9281543', 'timestamp' => '2017-04-28t01:20:31z', 'correlationid' => '5a5a4056b1d7', 'ack' => 'success', 'version' => '72.0', 'build' => '32996991', 'paymentstatus' => 'pending', 'pendingreason' => 'authorization', 'protectioneligibility' => 'eligible', 'protectioneligibilitytype' => 'itemnotreceivedeligible, unauthorizedpaymenteligible' not returning parent_payment & mainly valid_until. not sure wether it's related issue or not" +2743115,"""https://github.com/ulif/diceware/issues/34""",random delimiter support,"while it's nice that you can add an arbitrary delimiter to generated passwords, it would be even better if this software would have the optional feature to inject random symbols and digits as separators. by default, the search space of generated passwords is quite large, but that's mostly due to the length of the password. while one can't assume that the password to be cracked will be all letters in the general case, that means the password generation routine becomes yet another something you know and allows the attacker to reduce the search space significantly once they know you use this software. allowing for random passwords would force attackers to not limit themselves to 52 characters. adding numbers and symbols to that space would add about 20 bits of entropy to every password, at little cost to the human memory. 1022 anarcat@curie:~$ diceware | wc 1 1 29 1023 anarcat@curie:~$ diceware | wc 1 1 28 1023 anarcat@curie:~$ diceware | wc 1 1 36 1023 anarcat@curie:~$ diceware | wc 1 1 26 1023 anarcat@curie:~$ qalc > log2 26+26 ^26 log2 26 + 26 ^26 = approx. 148.21143 > log2 26+26+10+10 ^26 log2 26 + 26 + 10 + 10 ^26 = approx. 160.41805 > log2 26+26 ^36 log2 26 + 26 ^36 = approx. 205.21583 > log2 26+26+10+10 ^36 log2 26 + 26 + 10 + 10 ^36 = approx. 222.1173 thanks for your consideration!" +1283005,"""https://github.com/marcjwilliams1/ApproximateBayesianComputation.jl/issues/6""",scales when number of particles = 1,"if number of particles = 1, don't calculate scales as scale will be 0!" +3861117,"""https://github.com/lstjsuperman/fabric/issues/26646""",emotionservice.java line 722,in com.immomo.momo.emotionstore.service.emotionservice.initsearchconfig number of crashes: 1 impacted devices: 1 there's a lot more information about this crash on crashlytics.com: https://fabric.io/momo6/android/apps/com.immomo.momo/issues/5a16d66661b02d480d150b47?utm_medium=service_hooks-github&utm_source=issue_impact https://fabric.io/momo6/android/apps/com.immomo.momo/issues/5a16d66661b02d480d150b47?utm_medium=service_hooks-github&utm_source=issue_impact +4314584,"""https://github.com/pyca/pynacl/issues/286""",tests fail on freebsd,tests fail with 1.1.1 and 1.1.2: __________________________________________________________________________ error collecting tests/test_bindings.py ___________________________________________________________________________ importerror while importing test module '/usr/ports/security/py-pynacl/work/pynacl-1.1.1/tests/test_bindings.py'. hint: make sure your test modules/packages have valid python names. traceback: tests/test_bindings.py:22: in from nacl import bindings as c e importerror: no module named nacl _____________________________________________________________________________ error collecting tests/test_box.py _____________________________________________________________________________ importerror while importing test module '/usr/ports/security/py-pynacl/work/pynacl-1.1.1/tests/test_box.py'. hint: make sure your test modules/packages have valid python names. traceback: tests/test_box.py:21: in from nacl.encoding import hexencoder e importerror: no module named nacl.encoding +1568600,"""https://github.com/ushahidi/platform/issues/2283""",epic: allow for multiple deployments to belong to one organization pilot version,"- as an organization admin, i want to be able to own multiple deployments that belong to my org - as an org admin, i want to see each deployment with high level stats that are important to me - as an org admin, i should have admin privileges on each deployment that belongs to my org - as a deployment admin, i should only have admin privileges to the deployment i created as the original admin and/or any deployments to which an org admin or other deployment admin give me admin rights - as an org admin, i want to add already existing deployments to my organization - as an org admin, i want to remove deployments from my organization - as an org admin, i want to add other org admin users - as a deployment manager, i want to see what organization my deployment belongs to - maybe as any user, i want to be able to see all other public deployments that belong to the org high level dashboard of stats brainstorm - number of surveys - number of posts aggregate? within each survey? - number of contributors - data sources? this is only for enterprise users at this point, so it’s important to note that for this version, we could handle set up on the backend instead of developing interfaces for every interaction that needs to happen in the set up, etc" +4901063,"""https://github.com/mds3dstn71/bryce/issues/6""",readme sections unfinished,the following readme sections have no description: - how does it work? - how do i get this project to work on my machine? - how can i develop for this project? +933775,"""https://github.com/kenwheeler/cash/issues/167""",typeerror: cannot read property 'checked' of undefined,"when an object with a property having a value undefined is passed to the api $ element .prop object https://github.com/kenwheeler/cash fnprop , a typeerror occurs. a simple test case to illustrate the typeerror. js $ '.prop-fixture' .prop { checked : undefined } ; the stack trace of the typeerror. { file:///path/cash.js:305 return value === undefined ? this 0 name : this.each function v { ^ typeerror: cannot read property 'checked' of undefined at init.prop file:///path/cash.js:305:46 at init.prop file:///path/cash.js:311:14" +3501046,"""https://github.com/HeshamMegid/HMSegmentedControl/issues/284""",example of hmsegmentedcontroltypetextimages,"is there an example of showing text and images within the control? use hmsegmentedcontrol alloc initwithsectionimages:images sectionselectedimages:selectedimages titlesforsections:titles ; i've tried adding the following to viewcontroller.m https://github.com/heshammegid/hmsegmentedcontrol/blob/master/hmsegmentedcontrolexample/viewcontroller.m objc nsarray titles = @ @ one , @ two , @ three , @ four ; hmsegmentedcontrol segmentedcontrol5 = hmsegmentedcontrol alloc initwithsectionimages:images sectionselectedimages:selectedimages titlesforsections:titles ; segmentedcontrol5.frame = cgrectmake 0, 480, viewwidth, 120 ; segmentedcontrol5.selectionindicatorheight = 4.0f; segmentedcontrol5.backgroundcolor = uicolor clearcolor ; segmentedcontrol5.selectionindicatorlocation = hmsegmentedcontrolselectionindicatorlocationdown; segmentedcontrol5.selectionstyle = hmsegmentedcontrolselectionstyletextwidthstripe; segmentedcontrol5 addtarget:self action:@selector segmentedcontrolchangedvalue: forcontrolevents:uicontroleventvaluechanged ; self.view addsubview:segmentedcontrol5 ; hmsegmentedcontroltypetextimages --- i'd like to implement something like ! segmentedcontrol https://cloud.githubusercontent.com/assets/1573469/26208968/5d3aaea2-3be3-11e7-9a16-edc6e5cbd456.png issue https://github.com/heshammegid/hmsegmentedcontrol/issues/263 might be an alternative." +267009,"""https://github.com/jingyu91/Ansan-Place/issues/1""",별점 평가하기 기능 개선필요,별점 드래그로 선택 가능하게 하기 - cosmos opensource사용 +4002083,"""https://github.com/EenmaalAndermaal/EenmaalAndermaal/issues/141""",de prijs in h2 weergeeft verkeerde prijs,gerelateerde issues - - omschrijving de prijs in h2 weergeeft verkeerde prijs +3758646,"""https://github.com/Mr-KyleI/prj-rev-bwfs-tea-cozy/issues/3""",css for new nav tag,.flex-container { display: flex; justify-content: center; flex-wrap: wrap; } / header section / header { position: fixed; z-index: 1; align-items: center; width: 100%; height: 69px; border-bottom: 1px solid seashell; background-color: black; } header img { height: 50px; padding-left: 10px; } nav { text-align: right; flex-grow: 1; } nav span { display: inline-block; padding: 20px 10px; } +3832753,"""https://github.com/limetext/lime/issues/580""",problem in compile source!,"hello, i try to compile this source. follow https://github.com/limetext/lime/wiki/building-on-arch-linux for install python35 : packages 1 python35-3.5.3-1 total installed size: 114.46 mib :: proceed with installation? y/n y 1/1 checking keys in keyring 100% 1/1 checking package integrity 100% 1/1 loading package files 100% 1/1 checking for file conflicts 100% 1/1 checking available disk space 100% :: processing package changes... 1/1 installing python35 100% optional dependencies for python35 tk: for tkinter installed sqlite installed :: running post-transaction hooks... 1/1 arming conditionneedsupdate... lime-qml $ make ---------------- git submodule update --init --recursive main $ go build ------------ github.com/limetext/qml-go in file included from ./cpp/private/qobject_p.h:2:0, from /usr/include/qt/qtcore/5.8.0/qtcore/private/qmetaobject_p.h:58, from ./cpp/private/qmetaobject_p.h:2, from /home/max/go/src/github.com/limetext/qml-go/cpp/govalue.h:7, from /home/max/go/src/github.com/limetext/qml-go/cpp/capi.cpp:11, from /home/max/go/src/github.com/limetext/qml-go/all.cpp:2: /usr/include/qt/qtcore/5.8.0/qtcore/private/qobject_p.h:55:38: fatal error: qtcore/private/qglobal_p.h: no such file or directory include ^ compilation terminated. how can fix this?" +331605,"""https://github.com/desktop/desktop/issues/2747""",git credentials not found: desktop application,"greetings! i have been using github to share my code with my teachers using the desktop application and it worked fine for me. i use vs code as my code editor and today while i was pushing my code, i received the following message. > git credentials for https://github.com/mohilkhare1708/friend-finder.git not found: exit status 1 error: failed to push some refs to 'https://github.com/mohilkhare1708/friend-finder.git' i'm not able to understand what this message means and what am i supposed to do here. i have always been able to do the same thing without any issue and today all of a sudden this happened. i haven't even touched the .git folder as well. can someone please be kind enough to explain me how to fix it in an easy language? thanks a lot! mohil" +463849,"""https://github.com/ericsink/SQLitePCL.raw/issues/144""",how to use sqlitepclraw.lib.sqlcipher.windows.1.1.2 nuget package?,i have installed sqlitepclraw.lib.sqlcipher.windows.1.1.2. i find there's no header files in the folder. $ find . . ./build ./build/sqlitepclraw.lib.sqlcipher.windows.targets ./runtimes ./runtimes/win7-x64 ./runtimes/win7-x64/native ./runtimes/win7-x64/native/sqlcipher.dll ./runtimes/win7-x86 ./runtimes/win7-x86/native ./runtimes/win7-x86/native/sqlcipher.dll ./sqlitepclraw.lib.sqlcipher.windows.1.1.2.nupkg what to do next? +472251,"""https://github.com/veraPDF/veraPDF-library/issues/702""",runtime nullpointerexception reported by pdfbox-1.1.15 gf works fine,stack trace: warning: exception caught when validaing item org.verapdf.core.validationexception: caught unexpected runtime exception during validation at org.verapdf.pdfa.validation.validators.basevalidator.validate basevalidator.java:109 at org.verapdf.processor.processorimpl.validate processorimpl.java:219 at org.verapdf.processor.processorimpl.process processorimpl.java:120 at org.verapdf.processor.batchfileprocessor.processitem batchfileprocessor.java:98 at org.verapdf.processor.batchfileprocessor.processlist batchfileprocessor.java:74 at org.verapdf.processor.abstractbatchprocessor.process abstractbatchprocessor.java:102 at org.verapdf.cli.verapdfcliprocessor.processfiles verapdfcliprocessor.java:140 at org.verapdf.cli.verapdfcliprocessor.processpaths verapdfcliprocessor.java:114 at org.verapdf.cli.verapdfcli.main verapdfcli.java:99 caused by: java.lang.nullpointerexception at org.apache.pdfbox.pdmodel.graphics.optionalcontent.pdoptionalcontentproperties.getgroupnames pdoptionalcontentproperties.java:214 at org.verapdf.model.impl.pb.pd.pboxpdocproperties.getconfigs pboxpdocproperties.java:95 at org.verapdf.model.impl.pb.pd.pboxpdocproperties.getlinkedobjects pboxpdocproperties.java:61 at org.verapdf.pdfa.validation.validators.basevalidator.addalllinkedobjects basevalidator.java:240 at org.verapdf.pdfa.validation.validators.basevalidator.checknext basevalidator.java:185 at org.verapdf.pdfa.validation.validators.basevalidator.validate basevalidator.java:136 at org.verapdf.pdfa.validation.validators.basevalidator.validate basevalidator.java:107 ... 8 more +3509844,"""https://github.com/rosstuck/TuckConverterBundle/issues/17""",converting config from fos_user doesn't work,i tried this xml with the web-ui-converter: https://raw.githubusercontent.com/friendsofsymfony/fosuserbundle/master/resources/config/validation.xml didn't work unfortunately. any hint? +3164162,"""https://github.com/italia/anpr/issues/363""",codice errore en 181 - richiesta emissione di certificato storico di residenza,"num. ind. anpr : 18846607 persona iscritta in anpr il 07/02/2017 per immigrazione · cancellata da apr il 04/10/2017 per emigrazione a venezia ve il sistema non stampa lo storico di residenza. questa semplice tipologia di certificati vengono chiesti per esempio dalle asl che devono addebitare prestazioni fatte fuori distretto e devono sapere a quale asl addebitarle, tribunali, forze dell'ordine questura ecc. nel caso in questione la persona è immigrata nel nostro comune il 07/02/2017 prima del subentro e in anpr è corretta. e' emigrata il 04/10/2017 e anpr l'ha registrata.. perché dà l' errore : il certificato non può essere emesso perché risulta un procedimento aperto? io non ne ho e sembra che anche in anpr sia chiuso .. chiedo conferma. grazie raffaella comune spinea" +5186564,"""https://github.com/PagerNation/PagerNation/issues/155""",the same group can be added to a user multiple times,this just needs to become an $addset +4262565,"""https://github.com/SiLeBAT/PMM-Lab/issues/79""","380 mfilter display se, t, p for estimated parameter values in the tertiary model selection and predictor view gui in case of one-step fit","as discusses: in case of models generated via a one-step fit approach the entries for se , t , p should also be on display in the nodes that can be used to dispays these values" +4821479,"""https://github.com/adonisjs/adonis-framework/issues/704""",jwt login problems,"i have created some users using seeds and factories and am trying to login using the jwt provider, but login always fails. i tested the password stored in the database and the password with the hash, but it still did not work. factory: const factory = use 'factory' const hash = use 'hash' factory.blueprint 'app/models/user', async faker => { return { name: faker.name , email: faker.email , password: await hash.make 'secret' } } userseeder: const factory = use 'factory' class userseeder { async run { const tenant = await factory.model 'app/models/tenant' .create const users = await factory.model 'app/models/user' .makemany 5 tenant.users .savemany users ; } } login method async login { request, auth } { let { email, password } = request.all await auth.attempt email, password ; return 'logged in successfully' } auth config: authenticator: 'jwt', jwt: { serializer: 'lucid', model: 'app/models/user', scheme: 'jwt', uid: 'email', password: 'password', options: { secret: 'self::app.appkey' } }" +1507500,"""https://github.com/mxe/mxe/issues/1876""",libarchive uses undefined bcrypt symbol bcryptderivekeypbkdf2,"the package compiles fine, but trying to link against libarchive fails if one uses the affected code paths: test.c : c include include int main { struct archive a = archive_read_new ; archive_read_support_format_zip a ; return 0; } trying to compile : $ i686-w64-mingw32.static-gcc test.c $ i686-w64-mingw32.static-pkg-config --libs --cflags libarchive ... /usr/lib/gcc/i686-w64-mingw32.static/5.4.0/../../../../i686-w64-mingw32.static/lib/../lib/libarchive.a archive_cryptor.o : in function pbkdf2_sha1': ... /tmp-libarchive-i686-w64-mingw32.static/libarchive-3.3.2/libarchive/archive_cryptor.c:78: undefined reference to bcryptderivekeypbkdf2@40' collect2: error: ld returned 1 exit status" +4269179,"""https://github.com/openaq/openaq-api/issues/301""",date range bug,"using the date parameters on the measurement endpoint results in unexpected results, including measurements outside of specified data + dupes. for example: https://api.openaq.org/v1/measurements?location=s%c3%a3o%20jos%c3%a9%20do%20rio%20preto&date_from=2015-10-20&date_to=2015-10-22 have to check more whether this is related to accented location names, or the brazilian adapter." +2998183,"""https://github.com/slipcor/pvparena/issues/318""",leaderboard java.lang.illegalargumentexception,"hello, after create a global leaderboard, in the config.yml creates a string with leaderboard: world,-1253,66,475,0.0,0.0 , after that when server restart i get a message in console https://pastebin.com/vmhyzbkf and plugin disables or my arenas not work. if remove ,0.0,0.0 in the config, plugin wil work but when i recreate leaderboard will again be the same." +480406,"""https://github.com/AOSC-Dev/aosc-os-abbs/issues/844""","yubikey-piv-manager: failed to start, undefined symbol, rebuild needed","lmy441900@junde-hp-g6 ~ $ pivman traceback most recent call last : file /bin/pivman , line 11, in load_entry_point 'yubikey-piv-manager==1.4.2', 'gui_scripts', 'pivman' file /usr/lib/python2.7/site-packages/pkg_resources/__init__.py , line 561, in load_entry_point return get_distribution dist .load_entry_point group, name file /usr/lib/python2.7/site-packages/pkg_resources/__init__.py , line 2649, in load_entry_point return ep.load file /usr/lib/python2.7/site-packages/pkg_resources/__init__.py , line 2303, in load return self.resolve file /usr/lib/python2.7/site-packages/pkg_resources/__init__.py , line 2309, in resolve module = __import__ self.module_name, fromlist= '__name__' , level=0 file /usr/lib/python2.7/site-packages/pivman/__main__.py , line 32, in from pyside import qtgui, qtcore importerror: /usr/lib/python2.7/site-packages/pyside/qtgui.so: undefined symbol: _zn9qgtkstyle16staticmetaobjecte lmy441900@junde-hp-g6 ~ ! dpkg -s /usr/bin/pivman yubikey-piv-manager: /usr/bin/pivman lmy441900@junde-hp-g6 ~ $ c++filt _zn9qgtkstyle16staticmetaobjecte qgtkstyle::staticmetaobject" +4038772,"""https://github.com/mstauff/cwf-ios/issues/134""",settings - lds credentials page sync option,we need a sync data button on the settings page that will resync data with lds.org +482540,"""https://github.com/ga-students/todo_crud_app/issues/24""","process question , index.hbs, line 3, new todo",why make a dive with the anchor here and not add it to our layout? don't we use the index as our homepage? +267963,"""https://github.com/mastermoo/react-native-action-button/issues/199""",allow offsetx and offsety to be negative,"currently, the offsetx and offsety does not allow the number to go below 0, i.e. negative. is it possible to make that happen? what i want to achieve is for the button to slide off screen when i scroll. if offsety allows negative numbers then it's possible to do that." +1999529,"""https://github.com/SellBirdHQ/sellbird/issues/20""",stripe connect integration during account registration,"stripe connect https://stripe.com/connect is the system we will use to connect store owner accounts with our main stripe account. this, among other things, allows us to: - create stripe accounts on behalf of store owner's also allows connecting existing accounts - take a small percentage and/or flat fee of each transaction processed through stores - see volume reports of all store owners saves us building extensive reporting - provides the means to process card payments from customers the account registration flow will be something like this: 1. register for account on sellbird.com goes through rcp 2. subsite is created for account owner in our multisite network 3. account owner lands in their dashboard and are given the option to create products and set up their various store settings description, logo, etc 4. a banner notice is shown to indicate their store is in pending or test mode and they need to go live before they can start selling 5. to go live, account owner clicks on a button that sends them through the stripe connect oauth flow 6. once oauth is complete, account owner lands back on sellbird.com and their account is switched to live mode with stripe connect, we actually have three different types of accounts we can use: - standard - express - custom each has their own pros and cons and we'll need to decide exactly which one we want to use. please review stripe's description of them: https://stripe.com/docs/connect/accounts while choosing the account type we want to use, we also need to consider the pricing differences: https://stripe.com/us/connect/pricing connect documentation https://stripe.com/docs/connect ." +4994478,"""https://github.com/nicolargo/glances/issues/1060""",sensors does not show all sensors,"description sensors output doesn't show all available sensors such as temp01 . glances' sensors output: sensors acpitz 1 27c acpitz 2 29c f71889a 1 1504rpm f71889a 2 0rpm f71889a 3 609rpm cli sensors output: clrung@server ~> sensors acpitz-virtual-0 adapter: virtual device temp1: +27.8°c crit = +97.0°c temp2: +29.8°c crit = +97.0°c coretemp-isa-0000 adapter: isa adapter physical id 0: +34.0°c high = +86.0°c, crit = +92.0°c core 0: +33.0°c high = +86.0°c, crit = +92.0°c core 1: +30.0°c high = +86.0°c, crit = +92.0°c core 2: +26.0°c high = +86.0°c, crit = +92.0°c core 3: +33.0°c high = +86.0°c, crit = +92.0°c f71889a-isa-0290 adapter: isa adapter +3.3v: +3.31 v in1: +0.74 v max = +2.04 v in2: +1.02 v in3: +0.95 v in4: +1.04 v in5: +1.02 v in6: +1.34 v 3vsb: +3.39 v vbat: +3.38 v fan1: 1507 rpm fan2: 0 rpm alarm fan3: 609 rpm temp1: +33.0°c high = +85.0°c, hyst = +81.0°c crit = +100.0°c, hyst = +96.0°c sensor = transistor temp2: +31.0°c high = +85.0°c, hyst = +81.0°c crit = +100.0°c, hyst = +96.0°c sensor = transistor temp3: +34.0°c high = +70.0°c, hyst = +68.0°c crit = +85.0°c, hyst = +83.0°c sensor = transistor i noticed the absence of the other sensors after updating glances to 2.8.8. unfortunately, i can't remember the old version i had, but it wasn't too out of date. versions glances glances -v : 2.8.8 psutil glances -v : 5.2.0 operating system lsb_release -a : ubuntu 14.04.5 lts logs http://pastebin.com/mbdqpnkv thank you!" +135686,"""https://github.com/ClickSimply/Some-SQL/issues/3""",undo redo on change listener,"should the change listener receive the the id of, or an object containing the record that was reset as a result of an undo or redo? seems like that would be really great info to have. currently i'm having to do this: an undo button listener: $ ' undo-btn' .on click , function { somesql .extend < .then function response { if response { resetonstatechange ; } console.log response } ; somesql .extend ? .then function response { console.log response } ; } the resetonstatechange function snags all the records because i don't know what record to get: somesql 'aniblocks' .getview 'list_all_blocks' .then function result, db { console.log result ; // do stuff with the data } ; } i have a change listener like: somesql aniblocks .on 'change',function eventdata { console.log eventdata ; } but it returns a set of empty arrays.. screen" +1068805,"""https://github.com/itchyny/lightline.vim/issues/266""",close buffer x,"how can i configure the x in the upper right to close the current buffer? it doesn't seem to response to anything, except when nerdtree is open i can get the status bar to display nerdtree: cannot close tree root thanks in advance!" +2878741,"""https://github.com/blockstack/blockstack-core/issues/432""",gaia add github as storage provider,"adding github as storage provider for i.e. profiles https://gist.github.com/vsund/faf5a085fcf441b179d19593cd2e6812 . bigger files wouldn't be that convenient here i guess. --- moved from the old repository https://github.com/blockstack/storage-drivers/issues/67 to this one, as storage provider got in-cooperated here" +4787605,"""https://github.com/fuse-box/fuse-box/issues/57""",sassplugin problem with resolving relative paths when includepaths option is explicitly specified,"when provided with an input instead of a path to a file as is the current way of sassplugin , node-sass requires the path pointing to the original file from which the contents have been used as the input data to be among the includepaths in order to be able to resolve relative include paths. the problem is that when someone wants to specify additional includepaths , object.assign https://github.com/fuse-box/fuse-box/blob/96b646a632f886f296a533ccf4c45f436cf443f3/src/plugins/sassplugin.ts l31 will completely overwrite the default value https://github.com/fuse-box/fuse-box/blob/96b646a632f886f296a533ccf4c45f436cf443f3/src/plugins/sassplugin.ts l36 that includes the currently processed file's absolute path. i think the includepaths should have the file's location implicitly appended as i don't imagine adding an additional includepaths entry for every single .scss in my project that has a relative import. if anyone sees a problem with always adding file.info.absdir to the list of include paths, then i guess it could be available as a plugin configuration option?" +1792866,"""https://github.com/digidem/mapeo-desktop/issues/103""",reading offline maps from mbtiles,"just wanted to say this is an amazing initiative! keep up the great work! 👍 was wondering if reading mbtiles instead of a tile servers would be beneficial for your application. i've created a nodejs mbtiles binding https://github.com/deniscarriere/mbtiles-offline which i'm currently using in an electron app, i'm using leaflet and i've written a custom wrapper to leaflet to read map tiles directly from the file system instead of reading them from a http connection local tile server . libraries which you will need: - mbtiles-offline https://github.com/deniscarriere/mbtiles-offline tons of documentation to get you started if you need any help implementing this, let me know! snippet to extend leaflet to read mbtiles extending the createtile method in the leaflet tilelayer class js this.mbtiles.findone coords.x, coords.y, coords.z .then image => { if !image tile.src = l.util.emptyimageurl tile.src = window.url.createobjecturl new blob new uint8array image , {type: 'image/png'} l.domevent.on tile, 'load', util.bind this._tileonload, this, done, tile l.domevent.on tile, 'error', util.bind this._tileonerror, this, done, tile }" +3848455,"""https://github.com/koorellasuresh/UKRegionTest/issues/70011""",first from flow in uk south,first from flow in uk south +4025492,"""https://github.com/mateusmarquezini/painelGestaoDeploySfw/issues/3""",implementar filtro de pesquisa na listagem,"descrição: - na listagem de histórico de deploy, implementar filtro de pesquisa. a definir - quais campos serão utilizados como critério de pesquisa?" +2872142,"""https://github.com/OnsenUI/OnsenUI/issues/1928""",style of ons-list-header is broken," __environment__ core onsenui 2.2.3 __encountered problem__ i found the style of ons-list-header has been broken since v2.2.0. - no border-bottom - no padding-top - wrong background-color >onsen ui ~2.0.5 > >onsen ui 2.2.0 >" +5175069,"""https://github.com/mrdokenny/Cookie-AutoDelete/issues/64""",firefox settings for clearing history compatibility,the setting is found in about:preferences privacy > clear history when firefox closes . ! capture63 https://user-images.githubusercontent.com/14923168/27507668-57ed4f48-58dc-11e7-8df8-9b27b5b7b580.png is there a setting i shouldn't check to use cookie-autodelete's full functionality? self-destructing cookies https://addons.mozilla.org/en-us/firefox/addon/self-destructing-cookies/ ' whitelist is cleared if site preferences is selected. i have some issues with disappearing cookies and i decided to ask for advice before filing a potentially faulty bug report. +2739100,"""https://github.com/HyperCoder2975/simple-youtube-api/issues/14""",failed build application,failed to minify the code from this file: ./node_modules/simple-youtube-api/src/util.js:1 +4395988,"""https://github.com/Azareal/SajuukBot/issues/33""",implement an !unmute command,"moderators will not always have access to the manage roles permission on a server. if a mod accidentally mutes someone, they can do !unmute userid to quickly remove the mute. this will check if the mute is temporary or permanent and update the appropriate database tables." +5098311,"""https://github.com/vim-airline/vim-airline/issues/1529""",vim-airline disappeared in inactive window,"after a recent update of gruvbox, vim-airline disappeared in inactive windows, i reported this https://github.com/morhetz/gruvbox/issues/188 to the author of gruvbox but he thought vim-airline shoule be responsible for this incompatibility." +4966345,"""https://github.com/zikula-modules/DizkusModule/issues/316""",hooks comments - topic provider,"dizkus provides comments functionality using zikula hooks. comments nature is slightly different than topic nature. - additional hooks settings for each relation like forum to place comments - this is done and it is working the module header is from dizkus while it should be related module header anyway i'm thinking about adding same settings for all hooked modules in dzikus admin/settings and unifying this functionality view - this will be needed and will be done for import functionality as well because hooks went thru lots of changes and it might be tricky to import them properly. - uiview - diplay comments related topic section, pager, templates, permissions. in progress - uiedit - display particular topic settings - here we have lots of unclear permission and workflow type problems like disable enable comments, create not create topic, lock unlock etc... for particular object who decide that? object editor? admin? as well as comments section moderation this is not done for dizkus itself yet . in progress. - uidelete - what to do with topic settings and probably message etc.. - validateiedit - - validatedelete - - processedit - here we create new topic, notify subscribers etc.. - processdelete - - comments specific functionality... because this functionality is potentially big i will do this in stages. first one is a minimum that works, it will be mostly javascript in the future, and the first version will not have js so apart from displaying imported stuff properly it will do nothing more now. then import i really want to finish that import and this is basically last part before i will start working on full javascript version." +522601,"""https://github.com/xJon/The-1.7.10-Pack/issues/1350""","problem entering multplayer connection lost a fatal error has occurred, this connection is terminated","my friend can't join my game, because everytime that he tries to join in my game or create a new world appears that connection lost a fatal error has occurred, this connection is terminated" +4240706,"""https://github.com/qbittorrent/qBittorrent/issues/7742""",qbittorrent think i am creating a new seed when i drag and drop magnet link to gui.,"please provide the following information qbittorrent version and operating system: qbittorrent 4.0 windows10 64bit 1709 if on linux, libtorrent and qt version: what is the problem: sometimes i have to drop a magnet link into qbittorrent gui because qbittorrent doesn't detect i click on the link, doing that usually brings up new task windows until i upgraded to qbittorrent 4.0. what is the expected behavior: it should create a new download task windows when i drop a magnet link into qbittorrent gui. steps to reproduce: 1.find a magnet link. 2.open qbittorrent gui 3.drag and drop the link into the gui. extra info if any : i don't know if it's intended that some magnet links doesn't start qbittorrent or create a new download task windows when it's clicked, it works like this since i started to use qbittorrent." +1281481,"""https://github.com/lekiy/TheJollyFish/issues/3""",only one hazard is honored in a row,we should add support for checking for more than 1 hazard in a row. +1507848,"""https://github.com/Semantic-Org/Semantic-UI-React/issues/1614""",new 'upward' attribute on dropdown should be optional v0.68.1,steps compile existing project with typescript that uses dropdown and doesn't have upward set. expected result no error. actual result property 'upward' is missing in type version 0.68.1 see pr https://github.com/semantic-org/semantic-ui-react/pull/1603 +3992127,"""https://github.com/webcompat/web-bugs/issues/13482""",girideepamschool.org - design is broken," + + url : http://girideepamschool.org/faculties.php browser / version : firefox 56.0 operating system : windows 10 tested another browser : yes problem type : design is broken description : navbar doesnt reflect the currently active nav item. steps to reproduce : ! screenshot description https://webcompat.com/uploads/2017/11/aa8aeb74-64d6-4f53-87f1-03c931c7c1cc-thumb.jpg https://webcompat.com/uploads/2017/11/aa8aeb74-64d6-4f53-87f1-03c931c7c1cc.jpg _from webcompat.com https://webcompat.com/ with ❤️_" +3168676,"""https://github.com/brianlmosley/portfolio/issues/26""",pagination with will paginate gem and front-awesome use for awesome social links,! screen shot 2017-12-17 at 6 10 11 pm https://user-images.githubusercontent.com/4556983/34087651-48292336-e359-11e7-823a-8a9ea1e824ac.png +5323975,"""https://github.com/jordansissel/fpm/issues/1357""",rspec fails on ubuntu 17.04 in lintian: e: name: init.d-script-needs-depends-on-lsb-base etc/init.d/test,"$ git describe --tags v1.8.1-27-g488863b $ cat /etc/issue ubuntu 17.04 \l $ rspec failures: 1 fpm::package::deb output with lintian when run against lintian should return no errors failure/error: expect $child_status .to eq 0 , lintian_output e: name: init.d-script-needs-depends-on-lsb-base etc/init.d/test line 14 ./spec/fpm/package/deb_spec.rb:410:in block 4 levels in ' finished in 17.9 seconds files took 0.35253 seconds to load 218 examples, 1 failure failed examples: rspec ./spec/fpm/package/deb_spec.rb:408 fpm::package::deb output with lintian when run against lintian should return no errors" +1946930,"""https://github.com/numsu/google-drive-sdk-api-php-insert-file-parent-example/issues/2""",compatibility issue with latest google drive api,"hi miro, i want to use your example with newer version of api, but i found that there are so many changes in the api core schema. so any suggestion, what should i do to make file uploading with newer version of api. thank you" +3990814,"""https://github.com/razorpay/ifsc/issues/49""",double ifsc codes in bankname.json file,{ firn : firstrand bank firx : firstrand bank } { kang : kangra co-operative bank kcob : kangra co-operative bank } { sjsb : solapur janata sahakari bank sjsx : solapur janata sahakari bank } so many banks with ends with x what is meaning of that bank code? +1776082,"""https://github.com/redhat-ipaas/ipaas-datamapper/issues/7""",example datamapper configuration,"for sprint 10 it talks about: add a data mapping step, which should launch the data mapper ui map name, title, and description fields in the salesforce contact what would be the datamapper configuration we store in for this? i'm trying to put this into the example data." +3308674,"""https://github.com/koorellasuresh/UKRegionTest/issues/40709""",first from flow in uk south,first from flow in uk south +4188044,"""https://github.com/TEIC/Stylesheets/issues/248""",fatal error proccessing odd file in oxygen 18.1 build 2017020917,"system id: /home/scott/oxygen xml editor 18-1a/frameworks/tei/xml/tei/stylesheet/odds/teiodds.xsl scenario: tei odd xhtml xml file: /home/scott/workspace/mbel-work/schemas/mbel.odd xsl file: /home/scott/oxygen xml editor 18-1a/frameworks/tei/xml/tei/stylesheet/odds/odd2odd.xsl document type: tei odd engine name: saxon-pe 9.6.0.7 severity: fatal description: xtte0570: an empty sequence is not allowed as the value of variable $max start location: 2265:0 url: http://www.w3.org/tr/xslt20/ err-xtte0570 i can translate the odd to a rnc file successfully using oxygen 17.1, any newer releases it fails. i've posted the problem on oxygen's forum but they are not responding. is there a newer stylesheet available that will not fail?" +4267808,"""https://github.com/necolas/react-native-web/issues/409""",ie 11 support,current behavior: an error is thrown by ie 11 at line 12 in the compiled version of nativemethodsmixin/index.js in response to array.from not being supported. expected behavior: compiled code to either include the polyfill for array.from or not rely on the method. os: windows 10 browser: ie 11 react native for web version : 0.80 react version : 15.4.2 +2166102,"""https://github.com/genesis-community/vault-genesis-kit/issues/1""",could not find az z2,"genesis deploy play-proto.yml 1 error s detected: - $.instance_groups.vault.networks.0.static_ips: could not find az z2 in network azs z1 z2 z3 this is the vault network in the cloud config: networks: - name: vault type: manual subnets: - range: 10.0.1.0/24 gateway: 10.0.1.1 reserved: - 10.0.1.0-10.0.1.15 - 10.0.1.32-10.0.1.255 azs: z1, z2, z3 cloud_properties: network_name: play subnetwork_name: play-proto tags: bosh-agent, vault" +2152115,"""https://github.com/PRJ2/projekt/issues/1""",deadline 17. marts,reviewet og afleveret følgende: - kravspecifikationen - acceptest +1919099,"""https://github.com/McJty/XNet/issues/12""",connector doesn't connect to vanilla redstone,"not sure if this is a bug or not, but i can't seem to get a connector to see vanilla redstone. would be nice for some redstone setups. here is a pic of what i mean: https://gyazo.com/0ccc82c05a01284fa0e90add17382206" +2051162,"""https://github.com/src-d/berserker/issues/26""",optimization: replace ./siva-unpack shell wrapper with a binary,"right now we use a convenience shell wrapper around siva tool to be able to .pipe though it in spark job. to avoid overhead of starting new siva process per .siva file, it would be nice to have actual binary that - reads from stdin args for siva unpack : - writes same path in same order to the stdout, after unpacking for later cleanup in spark" +3293127,"""https://github.com/habitat-sh/habitat/issues/2694""",builder operations runbook,"1. we need to have an operations run-book that walks through typical operations on the production site - eg, re-creating / re-depolying builder nodes, recovering from datastore or package backups, etc. 2. the run-book should include how to communicate outages 3. it should also include information on alternate communication mechanisms for the team eg, in case zoom is not working 4. it should include procedures for aws and terraform tasks as well 5. run-book tasks should be regularly practiced / practicable." +2625940,"""https://github.com/vmware/vic/issues/4199""",10-01-vch-restart- create network and images persist test doesn't work on vc,17:22:10.760 info running command 'govc vm.power -off vch-0-8439/ none 2>&1'. 17:22:10.843 info ${rc} = 1 17:22:10.843 info ${output} = govc: vm 'vch-0-8439/none' not found need to target the correct vm on vc. +2060275,"""https://github.com/GoogleCloudPlatform/forseti-security/issues/618""",setup wizard should let the users know how often forseti will run,"right now there's no indication to me how often inventory,scanner, enforcer will run. it would be nice to let the user know the default times either or both in the docs and print statements." +2529583,"""https://github.com/freedomofpress/securedrop/issues/2396""",fix virtualbox-only test failures due to symbolic link,"description porting from this comment https://github.com/freedomofpress/securedrop/pull/2393 issuecomment-334000006 , test failures on develop due to symbolic links. steps to reproduce 1. provision development vm using virtualbox 2. run test suite expected behavior all tests pass and the world is merry and good actual behavior test failures due to ioerror: errno 40 too many levels of symbolic links: '/vagrant/securedrop/wordlist' comments this appears to be virtualbox only and local only related: https://www.virtualbox.org/ticket/10085 comment:12" +2452179,"""https://github.com/simeonradivoev/MatterOverdrive/issues/610""",crash while runnning compiled mod from source,i forked your project tried to build in intellij idea. idea can't find net.minecraft classes so all of that failed. but building from command line worked. then tested the built mod on a clean server and it crashed with this error:https://hastebin.com/eyuyociliv.sql any idea what could cause it? -- nn +2464120,"""https://github.com/goldingn/versions/issues/15""",install.versions fails for deprecated packages,"e.g. the rnbn package is deprecated, but the old binaries are still on mran. however the following fails: r versions::install.versions 'rnbn', '1.1.2' error in if any as.date dates < as.date 2014-09-17 { : missing value where true/false needed in addition: warning message: in current.version pkgs : the current version and publication date of rnbn could not be detected and weirdly, this older version works but with a warning r versions::install.versions 'rnbn', '1.0.3' warning message: in current.version pkgs : the current version and publication date of rnbn could not be detected" +2082879,"""https://github.com/eScienceCenter/ThesauRex/issues/93""",when search box is emptied the no results found indicator shall go away,"enter a search term that has no results the no results found indicator appears. it disappears after every change of the search box, except when the search box turns empty. it should disappear then." +1585897,"""https://github.com/beast-dev/tracer/issues/27""",tooltip in summarystatisticspanel does not show correct message when the trace is not real type,the row of getvalueat in mousemoved is hard coded. +2674561,"""https://github.com/OCA/oca-decorators/issues/5""",docs not working,readme points to https://oca.github.io/oca-decorators/ but it's a 404! cc @lasley +1828743,"""https://github.com/sysgears/apollo-universal-starter-kit/issues/344""",route change after success data load,"hello, i want to ask if it's possible to change route aftre success data fetch. this style of data loading is used for example on youtube. when you click on link there is a progress bar on top of the page https://github.com/rstacruz/nprogress and then route is changed after success data load. now in example it's like that when you click on route page is changed immediately and when data are not loaded yet you need to show some loading indicator. sorry if it's not right place to ask but i really need this feature :" +903175,"""https://github.com/elsevier-core-engineering/replicator/issues/60""",support all configuration parameters via cli flags,"description as part of work to both improve the replicator configuration method, and to also allow replicator to be run as a nomad job; replicator should be able to support all configuration values as cli flags with these overriding defaults and configuration files. the flags will be present under the agent replicator command." +5039571,"""https://github.com/mumble-voip/mumble/issues/3281""",mumble fails to build with boost-1.66,relevant details and full build logs can be found on our bug tracker: https://bugs.freebsd.org/bugzilla/show_bug.cgi?id=224086 +1422697,"""https://github.com/gtagency/pyrostest/issues/11""",determine a good abstraction for simulation tests,"it'd be interesting to have some abstraction that handles some of the simulation testing needs. for instance, making sure that a robot reaches a certain region of the world within some timeout, or making sure that a robot doesn't touch obstacles when moving, etc. this is going to warrant a considerable amount of discussion, since getting this abstraction right, and in a generalizable way that works for more than just buzzmobile is very important. because testing the framework currently relies on our experience developing buzzmobile, i'd say this issue is somewhat blocked by https://github.com/gtagency/buzzmobile/issues/183. until we have actually made worlds and scenarios with pass/fail conditions, it'll be hard to determine a good abstraction." +4630010,"""https://github.com/accord-net/framework/issues/988""",add an example for decisiontree.save method stream,please add an example for decisiontree.save method stream . todo optional : describe a specific scenario you would like to see addressed. help topic: http://accord-framework.net/docs/html/m_accord_machinelearning_decisiontrees_decisiontree_save.htm +2359154,"""https://github.com/TULiberalArts/TUtheme/issues/18""",mega menu broken link for philosophy,taxonomy term in drupal had no redirect to academics/philosophy. fixed in drupal +4153509,"""https://github.com/joshbeard/puppet-crowd/issues/14""",stopping crowd starts another jvm with the same java_opts,we should use catalina_opts to configure java boot options instead of java_opts. otherwise when we stop the process it starts another jvm with the same memory required for crowd. this amount of memory could be too much and it's not necessary. more info: http://www.tikalk.com/java/when-use-tomcat-catalinaopts-instead-javaopts/ +5038515,"""https://github.com/ChandanaKarunaratne/Global-Trust-Identification/issues/4""",is this implement has been finished ?,"i am a student working through this project , so i hope you can send me source code of ns3 batman-adv module and it's emulation code ." +818447,"""https://github.com/instedd/ask/issues/961""",respondent speed of questionnaire is slow,"the lag between questions feels really long. likely will drive down participation rates. what can we do to move the questionnaire along quicker. here is an example questionnaire with this issue: http://ask.instedd.org/projects/125/questionnaires/174/edit specifically, is it the audio files being used? is it the lag between questions? is it the tool waiting for a response? some thing else?" +4423487,"""https://github.com/georgringer/news/issues/261""",realurl not directing properly,"we have a number of news articles, however when the links are clicked, the article presented appears to be the first one that was viewed after the cache was cleared. the page in question is here: https://www.agdata.com.au/about-us/news/ if you try to go to https://www.agdata.com.au/about-us/news/article/news/february-tips-and-tricks/, you end up on a different article. i have installed the latest realurl and news plugin, cleared the cache multiple times and removed realurl_auto.conf." +2679084,"""https://github.com/babelshift/Steam.Models/issues/7""",data type problem,"i think that steam updated their model to match new datatype on gameuserstats if you do this request, you can see that some values are float. http://api.steampowered.com/isteamuserstats/getuserstatsforgame/v0002/?appid=204300&key=your_steam_dev_key&steamid=76561197960291106 please update this library and depending projects. proposal of comit : namespace steam.models.steamplayer { public class userstatmodel { public string name { get; set; } public double value { get; set; } } }" +824425,"""https://github.com/watermint/toolbox/issues/18""",error on revoke dropbox business api token,"> error in call to api function auth/token/revoke : this api function operates on a single dropbox account, but the oauth 2 access token you provided is for an entire dropbox business team. since your api app key has team member file access permissions, you can operate on a team member's dropbox by providing the dropbox-api-select-user http header or select_user url parameter to specify the exact user ." +4712098,"""https://github.com/callemall/material-ui/issues/9137""",display label and placeholder when select value is empty vnext,i'm trying to display placeholder value in a select if value is not selected. when user selects value it should disappear and the value should replace placeholder. however label should be displayed all the time. i can achieve it in textfield but not in select. here is my try however it doesn't display anything in placeholder. const errorobj = maperror props ; return {props.label} {errorobj.helpertext && {errorobj.helpertext}} +5116199,"""https://github.com/Automattic/wp-calypso/issues/12051""",reader: edit following: add box is confusing,"when managing your followed sites you are presented with this view. what seems to be the search box on the top is in fact not a search box. ! screen shot 2017-03-13 at 09 09 20 https://cloud.githubusercontent.com/assets/203408/23846960/622d643c-07d0-11e7-8632-b4fe9006244c.png with many sites followed i often fall for the trap that i enter a search term for my already followed pages but nothing happens. only then i realize i need to use to magnifying glass on the far right. can't we combine these functions and have the box on top be an instant search box? ! screen shot 2017-03-13 at 09 44 32 https://cloud.githubusercontent.com/assets/203408/23847221/bca7b4c0-07d1-11e7-8455-83f5e1a1b94d.png instead of having the result of the adding be attached to the textfield, it could be part of the search results from where you'd be able to add a site just as you are now." +2998112,"""https://github.com/AdguardTeam/AdguardFilters/issues/6230""",keshavcommoditycalls.com - anti adblock script,"site : http://keshavcommoditycalls.com/ description : adblock detection.
    screenshot ! image https://user-images.githubusercontent.com/10995998/29287909-2699ec16-8137-11e7-8835-0643c03bce96.png
    system configuration information | value --- | --- operating system: | windows 10 x64 browser: | chrome adguard version: | 6.2.390.2018 adguard driver windows : | wfp simplified filters ios | off adguard dns: | none stealth mode options windows | enabled, hide your search queries, send do-not-track header, remove x-client-data header, disable cache for third party requests, block webrtc, block location api adguard filter --- | english filter spyware filter social media filter annoyances filter german filter " +512146,"""https://github.com/Minds/minds/issues/49""",bootstrap-ubuntu.sh fails near end of script when it attempts to create the config file,"when trying to get to run on the vbox virtual machine using vagrant: ==> default: installing minds... ==> default: - checking passed options: ==> default: ok ==> default: - building configuration file: ==> default: ==> default: cli.php: error configuration key sns-secret is not present on defaults or command line arguments the ssh command responded with a non-zero exit status. vagrant assumes that this means the command failed. the output for this command should be in the log above. please read the output to determine what went wrong. when i manually run the bash ./bootstrap-ubuntu.sh: installing minds... php warning: mkdir : file exists in /var/www/minds/bin/regeneratedevkeys.php on line 13 installing minds... - checking passed options: ok - building configuration file: cli.php: error configuration key sns-secret is not present on defaults or command line arguments this is on a ubuntu 14.04.2 lts fresh install with all the prerequisites installed as per the docs section of minds.org, using php 7:php 7.0.20-2~ubuntu14.04.1+deb.sury.org+1 cli built: jun 14 2017 05:55:23 nts copyright c 1997-2017 the php group zend engine v3.0.0, copyright c 1998-2017 zend technologies with zend opcache v7.0.20-2~ubuntu14.04.1+deb.sury.org+1, copyright c 1999-2017, by zend technologies thank you very much for fixing the animations javascript thing. this is the next place i got stuck. also in case hardware matters, this is on an i7-6850 based machine with the physical host with 128gb of ram, running zesty 17.04 ubuntu. under that, minds.eskimo.com is a virtual machine, 6 cpu, 16gb ram, and that is the host vagrant / virtualbox is running under. if there is any other relevant information that would be helpful, please feel free to contact me." +2810626,"""https://github.com/ilyayunkin/ColorLines/issues/2""",redesign model/view interface,"make it more flexible to switch between a game with only game field and a game with additional widgets. for example, snake to color lines." +3423435,"""https://github.com/mpdf/mpdf/issues/358""",errorexception: undefined index... 2,i have this problem/would like to have this functionality errorexception: undefined index: css_set_width in /vendor/mpdf/mpdf/src/tag.php:2179 errorexception: undefined index: y1 in /vendor/mpdf/mpdf/src/image/svg.php:906 these are mpdf and php versions i am using i use dev-master f3bbfc7133aed4b7bbdc22b243883bf552558211 on php7 to pass errors i add isset tests +2512249,"""https://github.com/tidyverse/reprex/issues/101""",article based on @njtierney's magic reprex blog post,"@njtierney this is so nifty: https://www.njtierney.com/post/2017/01/11/magic-reprex/ how do you feel about a version of that being an article in the reprex website? if you are positive, do you have any willingness to make the pr or do you know someone who might want the chance to practice?" +976307,"""https://github.com/krispo/angular-nvd3/issues/628""",unable to render multiple multibarcharts inside a multichart.,"hi, i need to have two multibar charts simultaneously in multichart. multichart works fine for bar, line and area charts or combination of any of these 3. but when i am trying to have multiple multibar charts inside the chart window i am getting errors. please have a look at the link https://drive.google.com/open?id=0bwetmffpyctltwu2s0nrvgtfytg . this is exactly what i want to build. i shall be happy if anyone can help." +3624896,"""https://github.com/night/BetterTTV/issues/1969""",new feature - emote support to bypass ban of emote phrase.,"as you've seen on twitch.tv, agdq stream has been going on. their ban list has been increasing by the day, and along with the collateral damage hahaa was banned. it is a tragic moment. i don't know the best way to bypass banning a phrase, but one way could be different phrases could result in the same emote. basically make a betterttv emote be able to be shown aside from its original phrase." +3250686,"""https://github.com/keybase/keybase-issues/issues/2956""",can't import a gpg key,"i tried to import a gpg key after removing an old one using the command: keybase pgp select --no-import when i selected the right key index to import, it printed out ▶ error eof the gpg key has only the public part of the certification key, and both public and private parts for the encryption and signing sub-keys. the certification key is rsa4096 and the subkeys are ecc keys based on cv25519 and ed25519 curves respectively: pub rsa4096 2017-04-12 sc expires: 2027-04-10 1e4f65f71279bccba7fa1b6d5b34c9c79172dc6d uid full sree harsha totakura uid full sree harsha totakura uid full sree harsha totakura sub ed25519 2017-04-12 s expires: 2019-04-12 sub cv25519 2017-04-12 e expires: 2018-04-12 this is the log generated during the import: import-failure.txt https://github.com/keybase/keybase-issues/files/919417/import-failure.txt" +3948215,"""https://github.com/wuhkuh/talib/issues/5""",negative and floating-point periods,"problem: a badperioderror is raised or the corresponding tuple returned when the period is 0, but not when the period is negative or even a floating-point number. when porting to c, this could lead to unwanted behavior when typecasting floats to integers. however, i'm not sure how the gmp library handles this case. it should be resolved nevertheless, from a user's perspective this is unwanted behavior. solution: periods should come in the form of a non-zero unsigned integer. anything else should raise a badperioderror , or return {:error, :bad_period} ." +434137,"""https://github.com/ElemeFE/element/issues/8397""","bug report table在右对齐的情况, 排序图标被遮挡", element ui version 2.0.5 os/browsers version windows 64 / chrome vue version 2.5.6 reproduction link https://jsfiddle.net/mmx38qxw/15/ https://jsfiddle.net/mmx38qxw/15/ steps to reproduce 1.设定表格列居右对齐. 2.设定可排序 what is expected? 排序图标正常显示 what is actually happening? 排序图标被遮挡 +3712549,"""https://github.com/PennyDreadfulMTG/perf-reports/issues/2401""","exceeded slow_page limit 430.6 > 20 in decksite: /decks/6322/ slow_page, 430.6, decksite","reported on decksite by perf +-------------------------------------------------------------------------------- +request method: get +path: /decks/6322/? +cookies: {} +endpoint: decks +view args: {'deck_id': '6322'} +person: logged_out +user-agent: mozilla/5.0 compatible; yahoo! slurp; http://help.yahoo.com/help/us/ysearch/slurp referrer: none" +2173928,"""https://github.com/dapicester/gitlab-ci-monitor/issues/2""",buzz on build failure,there should be one buzz on the first build failure. next failures should not buzz. example: 1. build pass -> green 2. build fail -> red + buzz this is the first failure 3. building -> yellow 4. build fail -> red was already failed 5. build pass -> green all is well now 6. building -> yellow 7. build fail -> red + buzz this is the first failure +122025,"""https://github.com/AScuolaDiOpencoesione/ASOCFront-ng2/issues/33""",report 3.2 - visulizzazione,"utente 10 i flag su tipologia di ospiti : - nella visualizzazione post salvataggio http://www.ascuoladiopencoesione.it/testblogs/1/563/46412 ci sono 4 voci altro, rappresentante istituzionale, esperto open data amici di asoc , esperto open data ospite esterno , io avevo inserito soltanto rappresentante istituzionale - le scelte sullo stesso campo non sono visibili in back end dopo il salvataggio http://testplatform.ascuoladiopencoesione.it/ /report/4/edit/46412" +2327021,"""https://github.com/FAForever/clans/issues/34""",tag and clanname should be unique,tag and clanname should be unique +4187237,"""https://github.com/vulcan9/jik-ji-Binder/issues/37""",cd 실행 가능하게 하는 구조 app-id 고정 요청 17.8.9,cd 실행 가능하게 하는 구조 app-id 고정 요청 app-id 동적 생성 기능을 제거한 총 19개의 구조를 요청드립니다. 아래는 지정될 app-id입니다. 1. 중등 과학 2015tnn_80n_cd1 2015tnn_80n_cd2 2015tnn_80n_cd3 2. 중등 영어 a팀 2015tee_80l_cd1 2015tee_80l_cd2 2015tee_80l_cd3 3. 중등 영어 b팀 tb2015tc2ee_80j_cd1 tb2015tc2ee_80j_cd2 tb2015tc2ee_80j_cd3 4. 중등 국어a팀 eb2015tc2kk_71n_cd 5. 중등 국어b팀 eb2015tc2kk_71p_cd 6. 고등 국어 a팀 eb2015tc3kk_00p_cd 7. 고등 국어 b팀 eb2015tc3kk_00l_cd 8. 중등 생활일본어 eb2015tc2jp_70_cd 9. 중등 생활중국어 eb2015tc2ch_70_cd 10. 고등 중국어1 eb2015tc3ch_10_cd 11. 고등 일본어1 eb2015tc3jp_10_cd 12. 고등 통합 과학 eb2015tc3etc_037_00_cd 13. 고등 통합과학실험 eb2015tc3etc_038_00_cd +1327360,"""https://github.com/w3c/vc-use-cases/issues/50""",new section - evidence of applicability,"by the charter, the use case document should have a section of evidence of applicability." +5126502,"""https://github.com/ibm-apiconnect/getting-started/issues/72""",setting up your api connect instance - spaces,"getting-started/bluemix/0-prereq/readme.md it would be nice to include a small description of a space similar to what was included to describe products and catalogs in testing the soap api defn included below: in api connect, products provide a mechanism to group apis that intended for a particular use. products are published to a catalog. reference: api connect glossary" +3818121,"""https://github.com/cPanelPeter/acctinfo/issues/7""",have --scan ignore images,it currently reports images as being a suspicious file only really see with .png and .svg extensions +4781515,"""https://github.com/MetaMask/faq/issues/42""","how to remove a token added to metamask, token is still in ico mode and thus unrecognized","i added a token to metamask, and now etherdelta won't let me log into exchange do to unrecognized token in metamask chrome plug-in. i see how to add tokens, but is there a way to remove them from wallet till they are active? thank you for all your time, effort, and patients." +3513859,"""https://github.com/avocode/nachos-ui/issues/9""",npm start crashes after install of nachos-ui,"hi, firstly thanks for providing some very cool and handy components! i installed today to an in-dev project running on rn 0.41.1 npm start crashed with the following error: failed to build dependencygraph: @providesmodule naming collision: duplicate module name: respondereventplugin here are the clashing paths in the console error message: ~/node_modules/nachos-ui/node_modules/react-native/libraries/renderer/src/renderers/shared/stack/event/eventplugins/respondereventplugin.js ~/node_modules/react-native/libraries/renderer/src/renderers/shared/stack/event/eventplugins/respondereventplugin.js any tips on how to resolve would be great." +4072769,"""https://github.com/manutdzou/py-faster-rcnn-OHEM/issues/2""","fast_rcnn_ohem train, bbox loss always be 'nan'","thinks for your sharing. i try to use this faster rcnn to deal with my own data. however, when i train stage of fast_rcnn, there is a problem that bbox loss always be 'nan'. could you please give me some help. thank you! i0426 19:55:49.662811 30135 solver.cpp:229 iteration 0, loss = nan i0426 19:55:49.662861 30135 solver.cpp:245 train net output 0: loss_bbox = nan 1 = nan loss i0426 19:55:49.662870 30135 solver.cpp:245 train net output 1: loss_cls = 1.88031 1 = 1.88031 loss i0426 19:55:49.662895 30135 sgd_solver.cpp:106 iteration 0, lr = 0.001 i0426 19:55:58.697458 30135 solver.cpp:229 iteration 20, loss = nan i0426 19:55:58.697528 30135 solver.cpp:245 train net output 0: loss_bbox = nan 1 = nan loss i0426 19:55:58.697536 30135 solver.cpp:245 train net output 1: loss_cls = 0.0256684 1 = 0.0256684 loss i0426 19:55:58.697545 30135 sgd_solver.cpp:106 iteration 20, lr = 0.001 i0426 19:56:07.779089 30135 solver.cpp:229 iteration 40, loss = nan i0426 19:56:07.779152 30135 solver.cpp:245 train net output 0: loss_bbox = nan 1 = nan loss i0426 19:56:07.779160 30135 solver.cpp:245 train net output 1: loss_cls = 0.0125189 1 = 0.0125189 loss" +3470973,"""https://github.com/dogmaphobic/mavesp8266/issues/43""",how to code for tcp server (ap mode),"i want to connect pixracer with tcp, but it does not work." +4908715,"""https://github.com/koorellasuresh/UKRegionTest/issues/77431""",first from flow in uk south,first from flow in uk south +3839746,"""https://github.com/ErnestOrt/Trampoline/issues/31""",depend on when start server,"hi, guys i have a config-server , my other services need to run after that config-server . can you show me how to set delay time? thank you for your efforts. it's very helpful for me." +1691906,"""https://github.com/ITS-UofIowa/radix-kit-sitenow/issues/10""",add bootstrap_a11y to kit.,see its.uiowa.edu for how we include this into the correct place. +616068,"""https://github.com/srsLTE/srsLTE/issues/116""",can't see enb on my phone,"hello, i've managed to run srsenb on ubuntu 14.04 with bladerf. this is what i have in enb.conf . enb enb_id = 0x19b cell_id = 0x01 phy_cell_id = 1 tac = 0x0007 mcc = 001 mnc = 01 mme_addr = 192.168.1.100 gtp_bind_addr = 192.168.1.1 n_prb = 25 dl_earfcn = 6350 tx_gain = 50 rx_gain = 50 when i run it i'm getting this: reading configuration file enb.conf... opening usrp with args: error opening uhd: code 11 opening bladerf... setting frequency: dl=811.0 mhz, ul=852.0 mhz set tx frequency to 811000000 set rx frequency to 852000000 setting sampling frequency 5.76 mhz set rx sampling rate 5.76 mhz, filter bw: 5.00 mhz 22:04:21.636807 phy0 debug 05841 worker 0 running 22:04:21.636818 phy0 debug 05841 processing pending_tti=5841 22:04:21.636872 mac debug 05845 sched: allocated dci l=2, ncce=0 22:04:21.636885 mac debug 05845 sched: sib1, start_rb=0, n_rb=4, rv=0, len=15, period=8 22:04:21.636960 phy0 debug 05841 sending to radio 22:04:21.637650 phy0 debug 05841 settting tti=5842, tx_mutex=6, tx_time=46:0.810002 to worker 1 22:04:21.637677 phy1 debug 05842 worker 1 running 22:04:21.637751 phy1 debug 05842 sending to radio 22:04:21.638520 phy0 debug 05841 settting tti=5843, tx_mutex=7, tx_time=46:0.811002 to worker 0 but i can't see it on my phone network scan used huawei p9 and oneplus 3 . is this due 800mhz band? i've also used commercial mcc and mnc but still no luck. did i misunderstand something?" +4885156,"""https://github.com/nayema/be-the-jvm-exercises/issues/1""",exercise 1 - loops part 1,what is the output of this code? determine the output by tracing through the code. then verify the answer by executing it in your ide. java public class main { public static void main string args { int x = 10; x = x - 9; for int i = x; i < 5; i++ { for int j = 0; j < 5; j++ { if i > 1 && j < 4 { system.out.print i % 3 + ; } } } } } +5011865,"""https://github.com/Horoeka-2017/tims/issues/41""",data validtion for new message page,"user must choose a sender, receive and image url before being able to post disable button otherwise ." +1922742,"""https://github.com/RestComm/Restcomm-Connect/issues/2093""",multiple muting controls for video conference,"olympus currently allows each participant to mute its own video and audio input. as suggested by john, the conference admin should be able to have this controls per participant, show in the video tile of each participant. the api will allows to change the media used in live calls, so the api is required for features of this nature. apart from that, olympus will also have to implement client-side features. thus issue is to evaluate restcomm side of things and also brainstorm about the idea." +882422,"""https://github.com/shuhongwu/hockeyapp/issues/25709""","fix crash in - wbimage initimagefile: , line 205","version: 7.3.0 3873 | com.sina.weibo stacktrace
    wbimage;initimagefile:;wbimage.m;205
    +wbimage;initwithcontentsoffile:;wbimage.m;121
    +wbimage;imagewithcontentsoffile:;wbimage.m;109
    +wbimageloadoperationwithlock;finalimage:;wbimageloadoperationwithlock.m;455
    +wbimageloadoperationwithlock;connectiondidfinishloading:;wbimageloadoperationwithlock.m;622
    +wbimageloadoperationwithlock;networkrequestthreadentrypoint;wbimageloadoperationwithlock.m;76
    link to hockeyapp https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/162786239 https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/162786239" +2577547,"""https://github.com/Deletescape-Media/Lawnchair/issues/983""",don't display google now tab preference if no g-apps installed,even after the update to .1673 lawnchair shows in behavior the option show google now page and clsims the erong version of lawnfeed is installed. on my devices -running android 7.1.2- are neither any g-apps nor lawnfeed installed... so the option should either not been shown or the text should read no g-apps found on this device . ! https://i.imgur.com/w2rq1fm.png ! https://i.imgur.com/9mgrdmw.png +2009320,"""https://github.com/wso2/siddhi/issues/437""",better to have a way to set properties of siddhi context,"if we want to set some global properties of all the execution plan, it's better to have a set property method in siddhimanager and use a filed in siddhicontext to keep these properties. ps; it may be not only for string, we suggest to use a map to keep the data." +1503537,"""https://github.com/Puzzlepart/prosjektportalen/issues/34""",sort fields of list content types after adding lookup fields,"thank you for reporting an issue, suggesting an enhancement, or asking a question. we appreciate your feedback - to help the team understand your needs please complete the below template to ensure we have the details to help. thanks! category x enhancement bug question explanation it would be great if we could sort the list columns after adding the endring lookup gevinstanalyse-list and the gevinst lookup gevinstoppfølging-list so that these respective columns can be ordered as the first or second fields in the forms." +2651477,"""https://github.com/defold/editor2-issues/issues/1210""",exception when fetching libraries. clojure.lang.exceptioninfo: concurrent modification of graph,"created a new project. modified a few things in application preferences and game.project. ran the game on windows and on android. added a library and ran project > fetch libraries . nothing happened, so tried fetching again. got the exception clojure.lang.exceptioninfo: concurrent modification of graph . further attempts to fetch does nothing. i did open the liveupdates.settings, modified it without saving it, and then closed it. possible source of the modification mentioned in the exception message. https://github.com/britzl/defcon/archive/2.1.zip expected behaviour actual behaviour steps to reproduce
    os namewindows 10
    defold version1.2.113
    build time2017-09-13t14:46:12.984175
    gpugeforce gtx 1060 6gb/pcie/sse2
    defold sha2792f64cbb7bf6209b04b3b8e108167c67b115c8
    gpu driver4.5.0 nvidia 385.28
    os version10.0
    java version1.8.0_102-b14
    error5d9578a698994e1090a799956ceeae2b
    os archamd64
    " +838613,"""https://github.com/tripsta/spring-boot-starter-kit/issues/2""",rename sub_projects with appropriate prefix,dto -> sbsk ... dto in build.gradle of subprojects : jar { basename = 'web' version = '0.0.1-snapshot' } to jar { basename = 'sbsk.web' version = '0.0.1-snapshot' } in settings.gradle from include 'web' to include 'sbsk.web' +1691442,"""https://github.com/quran/quran_android/issues/889""",zooming in pages of quran,"it would be nice to have a tool that we can adjust the size of the verses, or to use two fingers." +3060550,"""https://github.com/michelvergnaud/6PM/issues/17""",amélioration chargement automatique d'un préréglage,"bonjour @michelvergnaud j'étais en train de faire un tuto pour super-débutant pour librazik-2, tuto qui met en oeuvre 6pm, et je me suis aperçu que lorsqu'on lance 6pm, qu'on le connecte à un clavier virtuel vkeybd dans mon cas et que l'on appuie sur les touches du clavier virtuel, y'a pas de son qui sort. la solution est toute simple, il suffit de sélectionner un préréglage et hop, ça fonctionne. ceci dit, pour un débutant, c'est contre-intuitif. je suggère donc que lors du lancement de 6pm, un préréglage soit chargé par défaut. c'est pas grand chose, c'est sûr, mais ça aiderait grandement à démystifier le logiciel du point de vue utilisateur. j'espère que ça aide. a+ olivier" +3025423,"""https://github.com/blinksh/blink/issues/250""",moving from pop over to full screen not resizing.,"just been using blink testflight alternately as pop over session with safari, and then switching to full screen via home screen, and first time it comes up full screen it still displays terminal as same size as pop over and doesn't resize briefly flashes up terminal size same as pop over too , going back to home screen and entering second time triggers the resize. running latest ios beta, so can't verify not related in some way to that." +2874459,"""https://github.com/Argelbargel/gitlab-branch-source-plugin/issues/4""",add a project selector for 'member',so that it only lists the projects which the jenkins user is a member of. +794709,"""https://github.com/ValveSoftware/steam-for-linux/issues/4825""",missing 2 options in settings > in-game,steam client version: 1484790260 jan 19 2017 distribution e.g. ubuntu : ubuntu 16.04 opted into steam client beta?: no checked missing in beta too have you checked for system updates?: yes i wanted to try using big picture overlay instead of the standard desktop overlay on the desktop . and i found out linux client is missing 2 options in settings > in-game. i see no reason to exclude first missing option - big picture overlay on desktop. second missing option is related to steamvr and that is understandable until steamvr comes to linux . attached an image showing windows on the left and linux on the right. ! steam-missing-feature https://cloud.githubusercontent.com/assets/17696117/22183447/c32f24d4-e0be-11e6-9b73-992b90b10be8.png +1404490,"""https://github.com/ua-snap/snap-arctic-portal/issues/121""",change the fire tour to use the all fires layer,the fire tour currently highlights the 2016 wildfires rather than the new layer from the openshift geojson application. change that +3208416,"""https://github.com/cowleyk/multiRegCapstone/issues/11""",define data flow,"user input -> regression -> validation how? r^2 || f-test || residuals || combination +partial f-test?" +4020268,"""https://github.com/hneemann/Assembler/issues/1""",vonneumanntests failed on windows 10 home,vonneumanntest.testharvard:20 null expected: but was: vonneumanntest.testvonneumann:33 null expected: but was: +3939530,"""https://github.com/mitzerh/modulr-js/issues/46""",todo: add global query cache param,set a static global cache busting parameter that will be used across all files loaded in modulr. +2752696,"""https://github.com/cis-bathnes/pattern-lib/issues/10""",missing document language,it looks like the default template in the ui toolkit is missing the language definition. use the british region subtag variant for all templates: +5038851,"""https://github.com/rust-lang-nursery/rust-clippy/issues/1912""",lint hand-written intra-rustdoc links,"once rust-lang/rust 43466 lands, people will be able to write links directly to rust items instead of hand-writing the links. we should consider at some point adding a lint that will look for links to items and lint to use the latter format instead. obviously, we'd want to wait before this is implemented in compiler land before linting, but it's good to add to the list." +3422973,"""https://github.com/DobyTang/LazyLibrarian/issues/964""",does not start after upgrading today,"after trying to upgrade to the latest commit today, ll does not start up. if i log in on my freenas jail and try to start the service i get the error below. root@lazylibrarian_1:/ service lazylibrarian start starting lazylibrarian. traceback most recent call last : file /usr/pbi/lazylibrarian-amd64/share/lazylibrarian/lazylibrarian/lazylibra rian.py , line 15, in from lazylibrarian import webstart, logger, versioncheck, dbupgrade file /usr/pbi/lazylibrarian-amd64/share/lazylibrarian/lazylibrarian/lazylibra rian/webstart.py , line 20, in import requests importerror: no module named requests /usr/local/etc/rc.d/lazylibrarian: warning: failed to start lazylibrarian root@lazylibrarian_1:/" +3930042,"""https://github.com/phpmyadmin/phpmyadmin/issues/13418""",after adding columns -> logged out,steps to reproduce 1. add a column to a table 2. click on any link 3. login page appears expected behaviour should stay logged in actual behaviour logged out server configuration operating system : centos 6 web server: apache 2.4.25 database: 5.7.18-log - mysql community server gpl php version: 5.6.30 phpmyadmin version: 4.7.1 client configuration browser: 54.0 64-bit linux operating system: ubuntu 16.04 lts +4586850,"""https://github.com/nextcloud/calendar/issues/531""",default event visibility for shared calendars,"it would be helpful to have a default event visibility setting per calendar share. right now, visibility when shared can be controlled on a per-event basis: show whole event , show as busy , hide event . i would like to be able to control this per-calendar or per-share. i need to share some calendars only to show availability without disclosing event contents to sharees. i create most of my events using external apps e.g. ios calendar, lightning , which don't support the visibility setting, so new events are always created as show whole event . to make use of the visibility setting, i would need to log in to the web frontend and edit every single event by hand, which is not feasible. the ideal solution tome would be to add either a default visibility when shared setting to the calendar properties, or a share availability only option to the sharing dialog. not sure if this wishlist item is better categorized as a calendar or core issue, since it concerns both." +2242977,"""https://github.com/koorellasuresh/UKRegionTest/issues/53050""",first from flow in uk south,first from flow in uk south +4435883,"""https://github.com/mwasilew/squad/issues/133""",rethink the compare projects ui,"imported from https://projects.linaro.org/browse/qa-1644 +original request: {quote}13. comparison between projects only inside the team so we don't compare squad to zephyr for example{quote} we should only be able to compare projects inside the same group. also the top-level compare link does not make much sense. milosz.wasilewski: +> in some cases comparison between projects in the group also makes no sense like in lkft compare cts to ltp . maybe it's a better idea to have a list of 'comparable projects'? it's also not easy to guarantee that the compared projects share the same versions, envs and tests." +2514164,"""https://github.com/BowlerHatLLC/vscode-nextgenas/issues/70""",feature request: auto completion of the package name,"hi, flashbuilder is able to auto complete the package name if you just place the cursor in the first line after the 'package' keyword and call intellisense by pressing ctrl with space . the package name will be immediately inserted or corrected. would be great to have this feature in vscode ;- thanks, olaf" +2528212,"""https://github.com/makersacademy/problem-solving/issues/34""",codewars kata: simple encryption 1 - alternating split,"hey all, hope you're all doing well. i've been working on the kata simple encryption 1 - alternating split on codewars, here is the link: https://www.codewars.com/kata/simple-encryption-number-1-alternating-split/train/ruby i am stuck on how to decrypt a string when passed to the decrypt method. i pass all the tests for the encrypt method. is there a good way to work backwards from a method in ruby? or do i need to figure out a way to reverse everything in the encrypt method?. i tried to reverse the encrypt method but still couldn't pass the tests. here is what i have for my ecrypt method: def encrypt text, n return text if n <= 0 return nil if text == nil return if text == arr = text.chars n.times do other_letter = arr.select.with_index { |e, i| i.odd? } remainder = arr.select.with_index { |e, i| i.even? } @result = other_letter.join << remainder.join arr = other_letter + remainder end @result end" +821983,"""https://github.com/remoteinterview/compilebox/issues/48""",allow for standard input when running code,any way you think we could allow for running code that asks for standard input? i would be happy to help code if we can come up with a secure way to do it. thank you for compilebox! ruby example: ruby print type in your name: name = gets puts name +53167,"""https://github.com/arangodb-foxx/demo-graphql/issues/3""",demo query not working,"when runnign the demo query: { hero episode: newhope { name friends species: droid { name } } } i get the following error: { data : { hero : { name : luke skywalker , friends : null } }, errors : { message : collection not known to traversal demo_graphql_characters please add 'with demo_graphql_characters' as the first line in your aql while executing , locations : { line : 4, column : 5 } } }" +2429315,"""https://github.com/lee-pai-long/vagabon/issues/9""",users should be able to use their dotfiles,"user should be able to use their dotfiles through sharing a dotfiles directory, or by pushing individual files ex: .bashrc ." +3289729,"""https://github.com/2BOT4U/Bot/issues/17""",structure api's responses,user story: an user can't see this aspect +1081979,"""https://github.com/RealTibia/LIST/issues/13""",quests & missions,

    quests & missions

    name | city | description ------------ | ------------ | ------------- king of rebels | doomland | _he can have a child who want be strong like his father we can make a quest for ranger outfit with addons._ +3279116,"""https://github.com/jorgebastida/gordon/issues/151""",typo? context_destinaton,"the generated cf json contains instances of context_destinaton sic i don't pretend to understand how cloudformation works, nor how the .context file is injected. renaming to to context_destination would change about 27 tests. would this be a reasonable thing to do?" +849165,"""https://github.com/anbox/anbox/issues/430""",some doubts about which license i should use,"! 1 https://user-images.githubusercontent.com/10867563/29801925-d377a932-8ca4-11e7-8add-91fbf1730e74.png on the project website, it says the whole source code is available as open source and licensed under the terms of the apache and gplv3 license. ! 2 https://user-images.githubusercontent.com/10867563/29801923-d362fb68-8ca4-11e7-9140-0def6e26afca.png on the project repository, it says the anbox source itself, if not stated differently in the relevant source files, is licensed under the terms of the gplv3 license. i am a open source lover and my github repositories can prove it. i read the source code after one of my friend mentioned this project. i'm used to reading the license first because if i really use it, i need to mention the information about the 3rd-party source code i used in my project. and i found the different. my understanding of this is that i need to use gpl v3. but what do you mean by apache ? most of your code uses gpl v3, so why don't you write gpl v3 directly on the official website? in general, if i know that a project uses gpl v3, the first thing i do is press alt + f4 . but this time i wrote a issue, because i'm looking forward to this project even if i use gpl v3, i also want to fork and migrate to windows mouri" +2292796,"""https://github.com/adminteractive/chatbot/issues/3""",.env.sample needs to be updated,right now there is .env sample in the root directory but its not updated +3493834,"""https://github.com/travis-ci/travis-ci/issues/8897""",new trusty image upgrades postgres to 10.1,"after the trusty image upgrade, we're encountering a known issue with our version of psycopg2 + postgres 10. was it anticipated that postgres be upgraded as part of the image upgrade? we didn't see this in the release notes. to fix, we switched to sudo: required and specified group: deprecated-2017q4 in our travis config. thanks! related psycopg2 issue: error: could not determine postgresql version from '10.1' https://github.com/psycopg/psycopg2/issues/594" +2940439,"""https://github.com/kyu-sz/WPAL-network/issues/12""",richly annotated pedestrian rap database,"i can't download the data set, can i provide a copy to baidu cloud? thank you. @kyu-sz" +608836,"""https://github.com/masterdoctor/LineageOS-p8lite-community/issues/2""",laggy screen livedisplay,the livedisplay feature tints the screen orange in the evening to reduce eye strain makes the huawei p8-lite very laggy. +3998184,"""https://github.com/ZHMYD/tutorials/issues/21""",tutorial page video.md issue. dev green,"tutorial issue found: https://github.com/zhmyd/tutorials/blob/master/tutorials/video/video.md https://github.com/zhmyd/tutorials/blob/master/tutorials/video/video.md contains invalid primary tag. +your tutorial was not created. please double-check primary tag property. each tutorial md-file shall have primary tag provided above. example: +\-\-\- +title: text bundles within node.js sap hana applications +description: working with text bundles in node.js +primary_tag: products>sap\-hana +tags: tutorial>intermediate\, products>sap\-hana\, products>sap\-hana\-\-express\-edition \-\-\- affected server: dev green" +4600270,"""https://github.com/criteo/kafka-sharp/issues/31""",producing on a topic that does not exist fails,"wondering if this scenario is supported with this library... i have verified that auto.create.topics.enable is set to true in the broker configuration. using clusterclient.produce topic, key, data yields the following error when the topic does not exist: producer no partition available for topic postponing messages. should this be supported and i am doing something wrong, or is this not supported? thanks!" +3436846,"""https://github.com/FFmpeg/FFV1/issues/51""",inconsistency in the context equation,"the context section says: > the quantized sample di erences l-l, l-tl, tl-t, t-t, t-tr are used as context: but then lists a equation that doesn't use t-t but does use t-t ." +2942246,"""https://github.com/idaholab/moose/issues/8942""","update docs, etc. for new stork workflow","description of the enhancement or error report this is a follow up to 8266 to update everything that isn't code docs, etc. for the new app-creation workflow. things that need to be done include: - update mooseframework.org docs/wiki - what i've found so far: - http://mooseframework.org/wiki/creatinganewmoosemodule/ - http://mooseframework.org/wiki/repositorystructure/ - http://mooseframework.org/wiki/multistork/ - http://mooseframework.org/wiki/creatinganewmoosemodule/ - http://mooseframework.org/wiki/trackedapps/ - deprecate stork repository - announce to users list - permanently turn on new civet check for in-moose stork - others? identified impact impacts external assets docs and the stork application" +360976,"""https://github.com/dlmckenzie/invoice/issues/43""",rename products keyisunique: to prodexistsforkey:,this is inline with customer custexistsforid: and i feel is more intuitive as to what the method does +335079,"""https://github.com/alecgorge/iguana/issues/16""",sharing show from ios app sends the wrong link,"when sharing a show that you're listening to, the date is always 1 day off the day before . example: try sharing tea leaf green 9/23/17 and got link to relisten.net/tea-leaf-green/2017/09/22/ this happens for every show you try to share." +2811541,"""https://github.com/TerriaJS/magda/issues/97""",show source in search results,"we had this in the previous search.data.gov.au: ! image https://user-images.githubusercontent.com/924374/27687909-ff3bf0b8-5d1b-11e7-9ca9-0a001324c9cc.png at least until we do a better job of curating organization names, showing the source can make the relevance of results a lot clearer. for example, this search result would be a lot better if it said source: queensland government underneath it: ! image https://user-images.githubusercontent.com/924374/27687973-3ef94728-5d1c-11e7-970b-d27b66b29817.png" +4399182,"""https://github.com/Caleydo/lineage/issues/68""",refactor to use phovea table,"activeattributes will hold global view that coordinates communication between the 3 views. - init: parse row & column data into global view - panelview: update global view columns on add/remove/reorder & fire event for tableview - graphview: update global view rows on hide/show & fire event for tableview - histogram methods: panelview & tableview will both call these to do: - how to handle aggregation? global list of views - how to handle table sort? problem: when table is sorted, rows are reordered in table, but not in graph. this means that if we have a show/collapse event in the graph, we need to translate the view the graph produces into the order that the table is now in" +333435,"""https://github.com/jebberjeb/viz.cljc/issues/1""",newlines in dot string cause nashorn exception,"expected behavior since dot syntax allows whitespace like newlines, a user would expect that the call viz/image digraph { a->b; } would be equivalent to viz/image digraph { a -> b; } actual behavior parserexception :1:14 missing close quote viz 'digraph { ^ jdk.nashorn.internal.parser.lexer.error lexer.java:1714" +1177507,"""https://github.com/koorellasuresh/UKRegionTest/issues/37222""",first from flow in uk south,first from flow in uk south +2999952,"""https://github.com/usgs/nshmp-haz/issues/239""",refactor codebase to gov.usgs.earthquake.nshmp,move away from opensha2 package hierarchy in advance of including nshmp-haz as a dependency in git based opensha. +2154664,"""https://github.com/pit-plugin/pit-plugin-2/issues/9""",pisanie do outputu,proszę przygotować prostą implementację albo instrukcję w jaki sposób nasz proces może otwierać i pisać w okienku z outputem +2235573,"""https://github.com/DTAFormation/pizzeria-app/issues/34""",usw017 - composer sa pizza,"en tant que client, je souhaiterais composer une pizza avec les ingrédients de mon choix." +3264225,"""https://github.com/rundeck/rundeck/issues/2911""",job timeout not working,"issue type: bug report my rundeck detail rundeck version: 2.10.0-1 install type: rpm os name/version: centos 7 db type/version: mysql mariadb expected behavior per documentation http://rundeck.org/docs/manual/jobs.html timeout : you can set a maximum runtime for a job. if the runtime exceeds this value, the job will be halted as if a user had killed it. actual behavior the execution halts, but the step s don't. now, i realize the language up there doesn't say that the steps are halted, but i would assume that the execution halting while orphaning its steps is not expected behavior it certainly wasn't to me . how to reproduce behavior i created a job which runs a sleep statement on a remote host via either a command or inline script with a timeout set. the sleep command continues to run on the remote host after the job is timed out. ! image https://user-images.githubusercontent.com/30664752/32277457-85e27a44-bee0-11e7-864d-212c89578f98.png also , i tried killing the job and the sleep statement just kept on going..." +4342905,"""https://github.com/teebot/reactive-midi-animation/issues/8""",nth: loading a midi file,after loading a midi file we should be able to set which of its tracks correspond to which graphics see load-midi-file branch for rough demo +991227,"""https://github.com/Microsoft/StoreBroker/issues/82""",certain storebroker cmdlets do not implement pipelining correctly,"for example, the format- cmdlets generally accept multiple objects from the pipeline but do not work for directly passing a collection via parameter. this works: $sub1, $sub2 | format-applicationsubmission but this should also work: format-applicationsubmission -applicationsubmissiondata $sub1, $sub2" +2501505,"""https://github.com/stefanpenner/ember-moment/issues/236""",returning and overriding the timezone within tests,"i can't determine if this is something that is automatic and i'm just experiencing a setup/config issue or if my assumption on this is off. does ember-moment have a service that automatically returns you the user's timezone? i'm attempting this.get 'moment.timezone' but it returns null. however, i can set it with this.get 'moment' .settimezone 'america/los_angeles' ; we've recently changed some of the date/time formatting within our application and i'm working on rendering the utc date/time. this portion i haven't had any problems with. the issue i'm running into is overriding this during our testing to force a consistent timezone. i assumed that the best way to do this was to setup a config/environment timezone variable and when applicable set the timezone global on the moment service which can then be distilled down to instances of {{moment-format ...}} . is this an appropriate strategy? thanks!" +669097,"""https://github.com/postcss/postcss-reporter/issues/37""",webpack reporter not working,"i somehow cant get the reporter working with webpack, not sure if my setup is wrong: > postcss.config.js module.exports = { plugins: require 'postcss-import' { // eslint-disable-line plugins: require 'stylelint' , // eslint-disable-line , } , require 'postcss-reporter' { clearmessages: true } , // eslint-disable-line require 'autoprefixer' { // eslint-disable-line browsers: 'last 2 versions' , cascade: false, } , , }; > webpack.config.js module.exports = { . . . { test: /\.scss$/, use: extracttextplugin.extract { fallback: 'style-loader', use: { loader: 'css-loader?importloaders=1', options: { autoprefixer: false, sourcemap: true, importloaders: 1, url: false, }, }, 'postcss-loader', 'sass-loader', , publicpath: '/assets/', } , exclude: /node_modules/, }, . . . , }, > the standart report syntax is used instead of postcss-reporter: ! image https://cloud.githubusercontent.com/assets/18122799/23342229/ee56cd52-fc56-11e6-988d-1190c3516312.png" +1283958,"""https://github.com/jlippold/tweakCompatible/issues/232""",tapcontroller working on ios 10.1.1,"{ packageid : com.skylerk99.tapcontroller , action : working , userinfo : { packagecategoryallowed : true, packageid : com.skylerk99.tapcontroller , depiction : tap to control default video player like youtube. , deviceid : iphone9,4 , url : http://skylerk99.github.io/ , iosversion : 10.1.1 , packageversionindexed : false, packagename : tapcontroller , category : tweaks , repository : skylerk99 , name : tapcontroller , packageindexed : false, packagestatusexplaination : this tweak has not been reviewed. please submit a review if you choose to install. , id : com.skylerk99.tapcontroller , commercial : false, packageinstalled : true, iosversionallowed : true, latest : 0.0.4 , author : skyler kansala , packagestatus : unknown }, base64 : eyjwywnrywdlq2f0zwdvcnlbbgxvd2vkijp0cnvllcjwywnrywdlswqioijjb20uc2t5bgvyazk5lnrhcgnvbnryb2xszxiilcjkzxbpy3rpb24ioijuyxagdg8gy29udhjvbcbkzwzhdwx0ihzpzgvvihbsyxllcibsawtlihlvdxr1ymuuiiwizgv2awnlswqioijpughvbmu5ldqilcj1cmwioijodhrwolwvxc9za3lszxjrotkuz2l0ahvilmlvxc8ilcjpt1nwzxjzaw9uijoimtaums4xiiwicgfja2fnzvzlcnnpb25jbmrlegvkijpmywxzzswicgfja2fnzu5hbwuioijuyxbdb250cm9sbgvyiiwiy2f0zwdvcnkioijud2vha3milcjyzxbvc2l0b3j5ijoiu2t5bgvyazk5iiwibmftzsi6ilrhcenvbnryb2xszxiilcjwywnrywdlsw5kzxhlzci6zmfsc2usinbhy2thz2vtdgf0dxnfehbsywluyxrpb24ioijuaglzihr3zwfrighhcybub3qgymvlbibyzxzpzxdlzc4gugxlyxnlihn1ym1pdcbhihjldmlldybpzib5b3ugy2hvb3nlihrvigluc3rhbgwuiiwiawqioijjb20uc2t5bgvyazk5lnrhcgnvbnryb2xszxiilcjjb21tzxjjawfsijpmywxzzswicgfja2fnzuluc3rhbgxlzci6dhj1zswiau9tvmvyc2lvbkfsbg93zwqionrydwusimxhdgvzdci6ijaumc40iiwiyxv0ag9yijoiu2t5bgvyiethbnnhbgeilcjwywnrywdlu3rhdhvzijoivw5rbm93bij9 , chosenstatus : working , notes : }" +4520781,"""https://github.com/crastr/DNA_Sudoku_pipeline/issues/4""",вернуть скрипт для 454,"и для обработки его. если есть fq файл, то он идет в обработку. а противном случае fa и q файлы." +3560900,"""https://github.com/scala/bug/issues/10413""",scaladoc search doesn't always find type aliases?,"apologies if this is the wrong place to mention this enhancement request. i spent about ten minutes discovering this one the hard way yesterday: go into the 2.12 scaladocs http://www.scala-lang.org/api/2.12.2/scala/index.html search for timeoutexception nothing shows up. it does exist in the standard library, as scala.concurrent.timeoutexception , but doesn't get picked up by search, apparently because it is an alias for java.util.concurrent.timeoutexception . in the above case, the type alias is defined in a package object, and comes from java; either or both of those might be involved in the fact that it doesn't show up at all." +4058560,"""https://github.com/ga4gh/beacon-team/issues/106""",summary phenotype information in the response,add high level phenotype counts and observations per phenotype data to response. +194203,"""https://github.com/liferay-labs-br/fiber/issues/46""",rfc: improve public api of render,"disclaimer the current state of renderfactory is quite simple and nothing as customizable as an api, we need to think about how this can become more user friendly and how we can have control over it. current currently to create a render you call the renderfactory function by passing vnode and return a callback with object or string. example : javascript const render vnode => renderfactory vnode, args => { // my code.... } ; proposal my thinking is that we can have more control over renderers so we can control by supplying only apis at render points. example of the use renderfactory : javascript const render = renderfactory { createinstance vnode, instance { }, createtextnode text { } } ; the advantage is that we offer an experience so that other people can construct a render , but i do not feel secure about it that we can limit the creativity and the use of a render . the problem is that we have a great dependence on having to pass the vnode to renderfactory , maybe we can make it more user friendly. javascript const render = renderfactory { node: vnode, createinstance vnode, instance { }, createtextnode text { } } ;" +461073,"""https://github.com/NPRA/jammerMon/issues/2""",rewrite the output file construct and enable output file rotation,"if the jammermon daemon runs for several dates it will still write each sample to the initially constructed output file with the timestamp suffix from the start date. we want to rotate this output file so that when the date changes the current output file is closed and a new one is constructed. also, the current implementation is messy - clean up." +2382371,"""https://github.com/pixelgrade/gridable/issues/46""",newline gets erased everytime i update,"daca vreau sa adaug un newline inainte de un text, se pare ca mi-l ignora: https://cl.ly/0z1i1q0f0s26 vad ca acum nu prea mai insereaza   , dar sper ca nu ii o filtrare care sa faca asta, pentru ca ar putea sa elimine spatii care ar trebui sa fac acolo. i might be wrong tho." +770371,"""https://github.com/Gil2015/react-native-table-component/issues/22""",how to add random color to table data,thank you for your component . how to add random colors to table data +5154312,"""https://github.com/invghost/XT/issues/18""",toolwindowmanager bugs and possible improvements,this is just a list of general improvements and bugs to fix to make twm nicer for us: close button is missing on normal tabs separate tool windows should persist bottom section tool windows cannot be resized see: asset browser +3772868,"""https://github.com/jburfield92/JoeWebsite/issues/26""",add blog views system,"when the user goes to the entire blog page, it'll count as a view toward that blog. this can only be seen by the administrator or the blog poster while viewing that specific blog." +3868081,"""https://github.com/hipchat/hubot-hipchat/issues/288""",unable to connect to hipchat,"i am using a ubuntu machine hubot and my hipchat is installed in another server..i have started hubot adapter.i receive the following error devuser@177:~/myhubot$ bin/hubot --name cris --adapter hipchat thu mar 09 2017 02:29:54 gmt-0800 pst error error: listen eaddrinuse 0.0.0.0:8080 at object.exports._errnoexception util.js:907:11 at exports._exceptionwithhostport util.js:930:20 at server._listen2 net.js:1250:14 at listen net.js:1286:10 at net.js:1395:9 at nexttickcallbackwith3args node.js:522:9 at process._tickcallback node.js:428:17 cris> thu mar 09 2017 02:29:54 gmt-0800 pst warning loading scripts from hubot-scripts.json is deprecated and will be removed in 3.0 https://github.com/github/hubot-scripts/issues/1113 in favor of packages for each script. your hubot-scripts.json is empty, so you just need to remove it. thu mar 09 2017 02:29:54 gmt-0800 pst error hubot-heroku-alive included, but missing hubot_heroku_keepalive_url. heroku config:set hubot_heroku_keepalive_url=$ heroku apps:info -s | grep web-url | cut -d= -f2 thu mar 09 2017 02:29:55 gmt-0800 pst info hubot-redis-brain: using default redis on localhost:6379 thu mar 09 2017 02:29:55 gmt-0800 pst info hubot-redis-brain: initializing new data for hubot brain i am able to do the following : cris> cris ping cris> pong but in hipchat cris user is offline." +444327,"""https://github.com/mate-desktop/mate-panel/issues/610""",1.18 mini icons graphical bug double icon left side first icon,expected behaviour no graphical bug at the mini icons actual behaviour the left icon is double look at the picture steps to reproduce the behaviour upgrade from 18.1 to 18.2 mate general version mate-desktop 1.18.0-1+sonya package version mate-panel 1.18.3-2+sonya linux distribution linux mint 18.2 sonya x64 mate-edition +4029321,"""https://github.com/kubedb/project/issues/23""",support private docker registry for images,"_from @tamalsaha on november 22, 2017 5:4_ example: https://github.com/appscode/voyager/tree/master/chart/stable/voyager --database-registry=library / <> --operator-registry=kubedb _copied from original issue: kubedb/operator 138_" +95468,"""https://github.com/Elgg/Elgg/issues/11129""",databse seeds master tasks,"- add database seeds to upgrade travis build - add plugin seeds , database plugin hook and document it - register seeds via hook - move objects seed to blog plugin" +1411696,"""https://github.com/freebsd/poudriere/issues/518""",wiki: use_system_ports_tree instructions broken,"for poudriere 3.1.19, the https://github.com/freebsd/poudriere/wiki/use_system_ports_tree instructions do not work. poudriere ports -c -m null -m /ports/custom -p custom does not work and only prints usage information. with poudriere ports -c -f -m /ports/custom -p custom or in particular poudriere ports -c -f -m /usr/ports -p default things work for me. please fix the wiki." +756252,"""https://github.com/WebAudio/web-audio-api/issues/1175""",decodeaudiodata detaches arraybuffer,"in https://webaudio.github.io/web-audio-api/ widl-baseaudiocontext-decodeaudiodata-promise-audiobuffer--arraybuffer-audiodata-decodesuccesscallback-successcallback-decodeerrorcallback-errorcallback, the algorithm says that arraybuffer is detached. my limited understanding of this is that once this happens, the contents of the arraybuffer is basically gone in javascript. you can't call decodeaudiodata twice on the same arraybuffer , and you can't even look into the original contents. is this how decodeaudiodata is expected to work? noticed this when trying to implement in chrome, where we have some tests that were calling decodeaudiodata multiple times on the same buffer." +40991,"""https://github.com/igalata/Bubble-Picker/issues/30""",weird bug on nexus 7,"not a os issue, happens on 7.1 as on 4.4 on nexus 7... https://drive.google.com/open?id=0b7piyorznmeualrwshjicmjmzve any idea where this might come from? not happening on phones." +5125281,"""https://github.com/WordPress/gutenberg/issues/2671""",placing of image upload icon is off on mobile,this was on an iphone 7 plus: ! img_1441 png https://user-images.githubusercontent.com/253067/30074602-0c311c52-926a-11e7-94d9-c4314ed66a9c.png +481811,"""https://github.com/python-hyper/hyper-h2/issues/449""",http2-settings of h2c upgrade should only contains the settings payload,"i found that when i'm doing h2c a client, and trying doing the upgrade by used initiate_upgrade_connection to generate the base64 encoded http2-settings frame, it also contains unexpected frame information. related code: connection.py initiate_upgrade_connection https://github.com/python-hyper/hyper-h2/blob/master/h2/connection.py l592-l597 related rfc: rfc7549 section-3.2 https://tools.ietf.org/html/rfc7540 section-3.2 > get / http/1.1 host: server.example.com connection: upgrade, http2-settings upgrade: h2c http2-settings: if you confirmed that it's an rfc violation and had no time to fix it, i would like to help on a pr for this. thanks!" +2532577,"""https://github.com/MISP/MISP/issues/2742""",stix 2 export - issue with some events unknown objects,"event uuid: 5a29b981-af60-4e6f-af70-480b950d210f ~~~~ file /var/www/misp-priv/app/files/scripts/stix2/misp2stix2.py , line 766, in main sys.argv file /var/www/misp-priv/app/files/scripts/stix2/misp2stix2.py , line 750, in main misp.load_file os.path.join pathname, args 1 file /usr/local/lib/python3.4/dist-packages/pymisp/mispevent.py , line 378, in load_file self.load f file /usr/local/lib/python3.4/dist-packages/pymisp/mispevent.py , line 397, in load self.set_all_values e file /usr/local/lib/python3.4/dist-packages/pymisp/mispevent.py , line 414, in set_all_values self.from_dict kwargs file /usr/local/lib/python3.4/dist-packages/pymisp/mispevent.py , line 478, in from_dict tmp_object = mispobject obj 'name' file /usr/local/lib/python3.4/dist-packages/pymisp/mispevent.py , line 607, in __init__ raise unknownmispobjecttemplate '{} is unknown in the misp object directory.' pymisp.exceptions.unknownmispobjecttemplate: {} is unknown in the misp object directory. ~~~~" +2703007,"""https://github.com/travitch/persistent-vector/issues/2""",question about plans,"this package is a great initiative. haskell needs this data-structure. it's quite surprising that the package is not too popular yet. i see that you have a todo list, yet the latest updates were released two years ago. i'm wondering about your plans on this package. do you plan on continuing its development? are you interested in attracting more attention to it and, hence, contribution ?" +3483,"""https://github.com/rematch/rematch/issues/8""",plugins api ?,"we should create a plugins api under init. this can allow for merging store middleware, setting up models, etc. js init { plugins: plugin , plugin2 } plugins may be: a an object b a string that internally references an existing local package c another possible api to consider, as used by dva: js const app = init // sets up plugin app.use plugin regardless, we should decide on a plugin api with some reasoning. some things to consider: 1 the plugins are more efficient if they run on startup, which leads me towards a & b. 2 if we are to hold all packages locally, i'd lean towards b. if users are able to create their own packages, or add config settings to a package i'd go with a. personally, i'm leaning towards a. what are your thoughts?" +281536,"""https://github.com/EGC-G2-Trabajo-1718/Cabina-Telegram/issues/9""",falta la funcionalidad comprobarpregunta.,prioridad : media. descripción : falta la funcionalidad comprobarpregunta en la clase votarfunctionality que compruebe la existencia de una pregunta de una votación existente en el sistema. +3256926,"""https://github.com/wh1ter0se/PowerUp-2018/issues/26""",setup gitter community,"set up a gitter community for foximus prime for at least all the programmers, matt and mrs. hosey." +1085213,"""https://github.com/GoodEnoughSoftware/Mission-Complete/issues/1""",create task schema,"create a datatype / schema for a task. this must include the format for a task in terms of the task title, subtasks, what's complete, due date, location ? , etc." +4597043,"""https://github.com/vinniefalco/Beast/issues/254""",example for reading header and body separately,"i have the following use-case: 1. read request_header 2. decide whether request 2.1. has no body 2.2. has a small body that can just be read into a buffer 2.3. has a large body that needs to be streamed 3. do the appropriate thing i can't really figure out how to do step 3 with beast, although i'm sure it must be possible somehow. ideally, after reading the request_header i'd like to be able to create an object using the request_header i already read and that i can call async_read on to read all or parts of the body. if there's no body, or i reach the end of it, i want to get eof. is this possible right now?" +3972321,"""https://github.com/pulp-platform/pulpino/issues/122""",password for git@iis-git.ee.ethz.ch's,asking for password when executed generate-scripts.py prasar00@i80studpc06:~/project/pulpino-pulpino_v2.1:$./generate-scripts.py cloning into 'ipstools'... git@iis-git.ee.ethz.ch's password: connection closed by 129.132.2.24 +3839971,"""https://github.com/dlitz/pycrypto/issues/220""",documentation example mixup,"this is not a code bug report, but i think there has been a mixup regarding the code examples for des and 3des on the online docs. des http://pythonhosted.org/pycrypto/crypto.cipher.des-module.html >>> from crypto.cipher import des3 >>> from crypto import random >>> >>> key = b'sixteen byte key' >>> iv = random.new .read des3.block_size >>> cipher = des3.new key, des3.mode_ofb, iv >>> plaintext = b'sona si latine loqueris ' >>> msg = iv + cipher.encrypt plaintext 3des http://pythonhosted.org/pycrypto/crypto.cipher.des3-module.html >>> from crypto.cipher import des >>> from crypto import random >>> from crypto.util import counter >>> >>> key = b'-8b key-' >>> nonce = random.new .read des.block_size/2 >>> ctr = counter.new des.block_size 8/2, prefix=nonce >>> cipher = des.new key, des.mode_ctr, counter=ctr >>> plaintext = b'we are no longer the knights who say ni!' >>> msg = nonce + cipher.encrypt plaintext" +1597577,"""https://github.com/agrc/gis.utah.gov/issues/620""","there is an issue with the link to the golf courses data, i will send them a copy can you look for the issue. thanks https://gis.utah.gov/data/recreation/golf-courses/","_please be comfortable to submit an issue if you have a question, want to ask to post new content or if the website isn't working properly for you._ issue description describe the problem you are having what page is the problem visible http://gis.utah.gov/ expected result i expected: actual result instead: _you can drag and drop or paste screen shots from your clipboard to here. please do it's very helpful!_" +4661060,"""https://github.com/GuntharDeNiro/Gunthy/issues/14""",5.0.5.5 error: period defined not available on bittrex,"i'm getting this error on bittrex with 15min period. older versions worked with the same config, if i change period to 5 or 30 it works." +1591102,"""https://github.com/shuhongwu/hockeyapp/issues/17908""","fix nsinvalidargumentexception in - wbcontentimageviewitem drawinrect:withcontext:asynchronously: , line 39","version: 7.0.0 2982 | com.sina.weibo stacktrace
    wbcontentimageviewitem;drawinrect:withcontext:asynchronously:;wbcontentimageviewitem.m;39
    +wbuiviewitem;renderincontext:asynchronously:drawingcount:;wbuiviewitem.m;563
    +wbcommonnormalbutton;drawinrect:withcontext:asynchronously:userinfo:;wbcommonnormalbutton.m;307
    +wbasyncdrawingview;_displaylayer:rect:drawingstarted:drawingfinished:drawinginterrupted:;wbasyncdrawingview.m;330
    reason terminating app due to uncaught exception 'nsinvalidargumentexception', reason: '- _uifontcachekey length : unrecognized selector sent to instance 0x1542d5ca0' link to hockeyapp https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/156236835 https://rink.hockeyapp.net/manage/apps/411124/crash_reasons/156236835" +3812887,"""https://github.com/MastermindMedia/EliteFX/issues/28""",wallet shortcode styling,"! screen shot 2017-11-30 at 7:54 am http://marker.screenshots.prod.s3.amazonaws.com/e21e9472255e4d00b862b56cc10df550-1512028491681.png --- more info source url : http://fxprotools.com/wallet/ http://fxprotools.com/wallet/
    browserchrome 62.0.3202.94
    screen size1440 x 900
    osos x 10.13.1
    viewport size1440 x 805
    zoom level100%
    pixel ratio@2x
    user agentmozilla/5.0 macintosh; intel mac os x 10_13_1 applewebkit/537.36 khtml, like gecko chrome/62.0.3202.94 safari/537.36
    " +824420,"""https://github.com/IdentityModel/oidc-client-js/issues/466""",error message from check session op iframe,"i use those components: identity server 2.0.2 oidc-client.js 1.3.0 angular 4.0.0 after a successful login into the idp i get redirected to my js client. 2 seconds later appr. i see an error message appearing there: 1sth message: add token expiring this.mgr.events.addaccesstokenexpiring => { console.log 'add token expiring' ; } ; 2nd message: error message from check session op iframe ! image https://user-images.githubusercontent.com/13928925/33517239-c2dd7d46-d780-11e7-8978-0c9d9a0c08bc.png any idea what configured i wrongly? authority: 'http://localhost:60000', client_id: 'my clientid', redirect_uri: 'http://localhost:4200/signin-callback.html', post_logout_redirect_uri: 'http://localhost:4200', response_type: 'id_token token', scope: 'openid myapi test', silent_redirect_uri: 'http://localhost:4200/silent-renew.html', automaticsilentrenew: true, loaduserinfo: true" +4771811,"""https://github.com/cf-tm-bot/openstack_cpi/issues/196""",use openstack_networking_secgroup_v2 in all terraform files - story id: 137265331,"e2e pipeline secondary_cpi.tf and environment template bosh-init-tf use still the old deprecated compute_secgroup. --- mirrors: story 137265331 https://www.pivotaltracker.com/story/show/137265331 submitted on jan 9, 2017 utc +- requester : tom kiemes +- estimate : 0.0" +603260,"""https://github.com/miromiro-2017/miromiro-2017/issues/1447""",7.5 reflection ~ 15 mins,"7.5 reflection ~ 15 mins reference the reflection resource https://github.com/dev-academy-programme/curriculum/tree/master/resources/nt-reflection-article to get the most out of this assignment. - start toggl. +- using the command line, navigate to your cloned cohort repo and find the ee folder. +- pull down any changes. +- in your ee/yourname-lastname directory create a file called sprintnum -reflection , for example: 3-reflection.md . +- open in atom and record your answers: - what did i do well this week? - what could i have done to improve? +- stage and commit with a meaningful message. push to github. +- post a link to your reflection file on github in the waffle card comments below." +4171142,"""https://github.com/ksAutotests/CreateInvalidAndUpdateInvalidTest/issues/970""",tutorial page autotest_chromew8860ojd36.md issue. test green,"tutorial issue found: https://github.com/ksautotests/createinvalidandupdateinvalidtest/blob/master/tutorials/chrome/autotest_chromew8860ojd36.md https://github.com/ksautotests/createinvalidandupdateinvalidtest/blob/master/tutorials/chrome/autotest_chromew8860ojd36.md contains invalid primary tag. +your tutorial was not updated. please double-check primary tag property. each tutorial md-file shall have primary tag provided above. example: +\-\-\- +title: text bundles within node.js sap hana applications +description: working with text bundles in node.js +primary_tag: products>sap\-hana +tags: tutorial>intermediate\, products>sap\-hana\, products>sap\-hana\-\-express\-edition \-\-\- affected server: test green" +3216549,"""https://github.com/os72/protoc-jar-maven-plugin/issues/41""",up to date checks,it would be nice to have up-to-date check like jaxb2 plugin has. https://github.com/highsource/maven-jaxb2-plugin/wiki/up-to-date-checks +1706445,"""https://github.com/deepgram/kur/issues/39""",dependency graph resolution,"hi so i have run into the following value error; valueerror: no change during dependency graph resolution. there is something wrong with the graph. it occurs when trying to use kurfile.get_model on the following .yml settings: layer_reps: 2 module_reps: 3 cs: 16 model: - input: shape: 512,512,1 name: in - for: range: {{module_reps}} with_index: j iterate: - for: range: {{layer_reps}} with_index: i iterate: - convolution: kernels: {{cs 2 j}} size: 3,3 name: m{{j}}_c{{i}} sink: yes - activation: relu - pool: size: 2,2 strides: 2,2 type: max name: m{{j}}_p sink: yes - dense: size: {{cs 2 module_reps}} sink: yes name: middle now the issue seems to be in the naming of the dense layer. without the name everything works fine... thanks josh" +1079638,"""https://github.com/LightsHope/server/issues/953""",devourer of souls,"first of all, thank you for taking the time to report this issue. please note that the bug tracker does not accept reports on account or character issues that are unrelated to the server's development. you should open a ticket in game and wait for the response of a gamemaster. they may redirect you to this bug tracker if they believe there's a server issue that they cannot help you with. before writing your report, please do read and consider the following points to increase the quality of your report. - search the issue tracker for open and closed issues before opening a new issue. you may be able to contribute additional facts by commenting on existing issues instead of adding extra noise in a separate issue. - http://www.wowhead.com/ and http://db.vanillagaming.org/ are not valid sources for quests, items etc., instead, please use archived versions of http://wow.allakhazam.com or http://www.thottbot.com through https://archive.org/. - validate the date and time of the archived sources to a certain patch. the patch release dates can be found on the corresponding wowwiki article, as found at http://wowwiki.wikia.com/wiki/category:world_of_warcraft_patches. - videos are valid if and only if the footage contains a timestamp or information that confirms the time it was recorded. date of upload is not valid and does not confirm when it was shot. - read the effective bug reporting article at https://github.com/elysium-project/server/blob/development/docs/contributing.md which covers these points and more. once you've read this message, delete it and write your report below. -- write your report here" +1469791,"""https://github.com/zegreatclan/AssettoCorsaTools/issues/200""",feature request: start dash in full screen mode already,start dash in full screen mode already +1126327,"""https://github.com/Megabyte918/MultiOgar-Edited/issues/991""",alexhgaming is too fagg,"before posting a new issue, read this : you will find below few points, that you must follow or provide required info to. if you are not going to provide what we need in format we require your issue will be closed instantly without explanation. spam is treated with fire. helpful checklist to go towards your issue. if there is by the line, that means it must be done. - you have checked prev issues https://github.com/megabyte918/multiogar-edited/issues?q=is%3aissue+is%3aclosed first and you didn't found answer for your problem if there is something similar put reference links - you are using and you have tested the latest version of multiogar. - issue is in english. - issue is not off-topic, and is related to the project. - you have provided below good description of the error, making sure it is something we can reproduce. - you have provided logs if there is crashing happening. tutorial of how to format text on github https://guides.github.com/features/mastering-markdown/ , to make your issue not only readable but clean and neat so we can understand better what you are trying to tell us. remove all of this text and make the issue when you have understood what to do." +879989,"""https://github.com/kubernetes/test-infra/issues/2366""",approvers don't notify approver until after lgtm,"approvers is intended to be a lightweight mechanism, but mentioning approvers immediately, they are subscribed to the issue and get all the review and discussion comments. potentially, wait to cc the approver until lgtm is applied." +4671316,"""https://github.com/adsabs/ADSOrcid/issues/53""",investigate notifying users about rejected orcid claims,"maybe as a nightly task, for users with email addresses associated with their ads accounts" +4856745,"""https://github.com/typelevel/cats/issues/1668""",piecemeal import guide,"currently the imports guide http://typelevel.org/cats/typeclasses/imports.html only really describes the uber import cats.implicits._ . it may be handy to have a detailed guide of piecemeal imports, such as cats.instances.string._ and cats.syntax.functor._ as an additional section for people who prefer this approach." +62270,"""https://github.com/mcandre/arrcheck/issues/6""",check for more bashisms,use of source instead of . use of bash-specific variable names +1385982,"""https://github.com/qTox/qTox/issues/4773""",crash in peer frequently join/text group chat,brief description os: slackware 14.2 qtox version: nightly commit hash: build without git toxcore: 0.1.9 qt: 5.9.1 hardware: … reproducible: sometimes steps to reproduce 1. join group chat with alice 2. wait until alice will have troubles with internet or just very frequently join/text observed behavior qtox crash expected behavior continue working additional info some info from log. frequently join/exit 13:48:11.474 utc core/core.cpp:533 : debug: group namelist change 0:11 0 13:48:11.475 utc core/core.cpp:533 : debug: group namelist change 0:11 2 13:48:11.479 utc core/coreav.cpp:519 : debug: leaving group call 0 13:48:11.482 utc core/coreav.cpp:519 : debug: leaving group call 0 13:48:11.523 utc core/core.cpp:533 : debug: group namelist change 0:11 1 13:48:11.528 utc core/coreav.cpp:519 : debug: leaving group call 0 13:48:11.723 utc core/core.cpp:533 : debug: group namelist change 0:11 0 13:48:11.723 utc core/core.cpp:533 : debug: group namelist change 0:11 2 13:48:11.729 utc core/coreav.cpp:519 : debug: leaving group call 0 13:48:11.743 utc core/coreav.cpp:519 : debug: leaving group call 0 13:48:11.777 utc core/core.cpp:533 : debug: group namelist change 0:11 1 13:48:11.780 utc core/coreav.cpp:519 : debug: leaving group call 0 13:48:11.826 utc core/core.cpp:533 : debug: group namelist change 0:11 0 last messages before crash 13:48:12.342 utc core/core.cpp:1055 : critical: peer not found 13:48:12.342 utc core/core.cpp:1055 : critical: peer not found 13:48:12.342 utc core/core.cpp:1109 : warning: getgrouppeertoxid: unknown error +1843750,"""https://github.com/adamcharnock/django-adminlte2/issues/8""",add tables section with all the js/css,please add the tables section with all the js and css files. pip version too . +2201239,"""https://github.com/pH7Software/pH7-Social-Dating-CMS/issues/134""",typo: missing semicolon,"bro, i don't know if this is intended to be like this or what but i find this as error.. ph7-social-dating-cms/static/pfbc/ckeditor/ckeditor_php4.php line 240 just add a ; after of $js .= ckeditor.replaceall function textarea, config and at line 396 after $_config 'on' $eventname = '@@function ev you forgot to add '; same at ph7-social-dating-cms/static/pfbc/ckeditor/ckeditor_php5.php at line 236 and 390" +3830563,"""https://github.com/cgerrior/node-recurly/issues/12""",is this still recommended?,"what's going on with this project? recurly's docs link here, but it doesn't look like there's been a git release since 2015, or a commit since oct 2016. there seems to be at least three node-recurly versions, all forks of each other. https://github.com/umayr/recurly-js seems like it's far more up to date, but again forks this. issues here seem to be ignore dnow. is this lib still recommended? one of the child forks? or is it better just to use the xml rest interface directly?" +56853,"""https://github.com/TotalFreedom/TotalFreedomMod/issues/2070""",optimize for cpu usage,"cpu usage is currently a bigger issue than memory or storage usage. that said, any optimizations to decrease cpu usage even at the cost of memory usage would help reduce lag." +3596152,"""https://github.com/cs100/rshell-blame-russian-hackers-2/issues/26""",exit doesn't work immediately after incorrect command.,exit needs to be called twice after an incorrect command is run. +4305118,"""https://github.com/sympy/sympy/issues/12867""",support for real set,"if i have a latex expression \ x \in r\ , that means x belongs to a real set, but i could not find class realset? could you please add support for real set." +2067701,"""https://github.com/elysium-project/server/issues/2461""",patch 1.11 regression: clear casting procs off non damage abilities,"mage clear casting ability appears to be proc'ing off things like ice barrier, frost ward, fire ward, etc." +3155669,"""https://github.com/owncloud/owncloud.org/issues/1234""",i lost a lot files today!!!why???how cloud i found them back???pls help me,owncloud 9.2.14 there is some error when i sync files serval days ago. i restart httpd this noon. it was seems everthing is fine . fine to sync but hours later i found many files are disapeared i cannot find them. why it happened?how can i get them back. please help me if you know how with log file +2753750,"""https://github.com/postmarketOS/pmbootstrap/issues/413""",please port it to lg l65.,"i try port, but cant pc small resources, i dont know android . please port it to lg l65 if you can." +5271292,"""https://github.com/ic-labs/django-icekit/issues/294""",ensure text content paragraphs remain separate after search indexing,"i have seen a situation with agsa/tarnanthi where some text entered on a page as a text content item html behind the scenes becomes unsearchable because separate paragraphs of text are concatenated in the text document created during search indexing. for example, a text content item with the following html content

    this is a

    test

    can get converted to this is atest with no whitespace between a and test by the default icekit search document template _icekit/templates/search/indexes/icekit/default.txt_. i think this is caused by the striptags filter used in that template, combined with html content generated by the text widget without any newlines between html markup tags. it can probably be best fixed by ensuring that

    paragraph end tags generated by the text component include a trailing newline character." +2933001,"""https://github.com/biesbjerg/ng2-translate-extract/issues/8""",add sorting of translations to json file,"i would very much like a feature that sorts the translations in the json file by key. what do you think about a feature like this? { firstname : 名 , lastname : 姓氏 , address : 地址 } would become { address : 地址 , firstname : 名 , lastname : 姓氏 }" +2262649,"""https://github.com/kpwn/yalu102/issues/343""",ios 10.2 i6 reboots/ crashes,"i don't know if this is an issue or a bug, just wanted to let you know even on beta 7 i am getting this random crash. i read the issue posting guidelines." +4615094,"""https://github.com/wang-bin/QtAV/issues/1022""",error: 'rotation' was not declared in this scope,"qt 5.9.1, win7. building the latest source following wiki build qtav https://github.com/wang-bin/qtav/wiki/build-qtav . getting error: graphicsitemrenderer.cpp:55: error: 'rotation' was not declared in this scope if rotation ^ i tried to find rotation function declaration in the class https://github.com/wang-bin/qtav/blob/master/widgets/graphicsitemrenderer.cpp and in all its parent classes but could not find it. any ideas?" +5175469,"""https://github.com/exercism/java/issues/687""",hints.md for exercises with position 21 or greater?,i have noticed that some exercises with position 21 or greater do not have hints.md. the wording of the policies.md section on 'starter implementations' for exercises 21+ is a little unclear. is it a requirement that hints.md should be there if the implementation stub is not there or is this only for exercises with complicated method signatures? some exercises have neither hints.md or implementation stub and i just wanted clarification on how it should be. +1799352,"""https://github.com/LLNL/RAJA/issues/199""",different segment types in foralln,currently implementing coloring in foralln is not possible as the only segment types accepted are range segments. +1672998,"""https://github.com/OpenSourcePolitics/decidim-trianon/issues/3""",error message in english,capture it seems like we still have a few translations issues. +2743237,"""https://github.com/kenellorando/cadence/issues/61""",redirect port 80 to 8080,sudo iptables -t nat -a prerouting -i eth0 -p tcp --dport 80 -j redirect --to-port 3000 +637987,"""https://github.com/GTNewHorizons/NewHorizons/issues/2010""",ae2 stuff. consumption bug.,"ver 2.0 singleplayer. total me consumption: 220 eu/t ! default https://user-images.githubusercontent.com/29812448/30797354-090b47fa-a219-11e7-8eb4-0d3fb82be35b.png i add 2 wireless connectors. distance between = 8 blockes. linked it. and total comsumption = 960eu! ! default https://user-images.githubusercontent.com/29812448/30797370-1c7d9db0-a219-11e7-9b4f-5bc82a0fca06.png wiki says, formula consumption wireless conectors = 10+distance^2. 10+8^2 = 74. and value under green marker is valid. but total consumption increased by 740 eu. why? i tested. realy consumption = 960. probably, bug increasing consumption x10 times. 740 = 74 x 10." +3294993,"""https://github.com/vertcoin/electrum-vtc/issues/42""",electrucm vtc not starting,"hi, i recently installed electrum-vtc via sudo -h pip3 install https://github.com/vertcoin/electrum-vtc/releases/download/2.9.3.3/electrum-vtc-2.9.3.3.tar.gz and after clicking the app on the ubuntu app list, the program does not start" +1976364,"""https://github.com/Microsoft/WindowsTemplateStudio/issues/1539""",remove uses of inlineassignhelper from vb templates,uses of inlineassignhelper were added as part of the automated conversion process but are not desirable. remove them. +3969491,"""https://github.com/ksonnet/kubecfg/issues/172""",handle environment namespace defaults,"> sorry, i forget what we decided here. when a user runs something like env set foo --namespace= , we have the following options: > > unset the namespace. > do nothing. > set namespace to default . > i'm fine pushing this to an issue and punting for now; i just want to make sure we make this decision purposefully. so why don't we do that? > > that said, my inclination is to set it to default . we also might also consider having an env unset command." +2722760,"""https://github.com/christinaa/rpi-open-firmware/issues/28""",seperate external code,"at the moment, several external libraries are included within our codebase in particular, libfdt and fatfs, in addition to the broadcom headers . this is problematic from a maintenance standpoint as it creates difficulties staying up-to-date , from a usability standpoint as it bloats the size of the repository itself , and potentially from a licensing standpoint already there is confusion regarding the broadcom code . at a minimum, libfdt should be installed from the system package manager; it is unclear what the best course of action for the other two packages would be." +1230836,"""https://github.com/silbinarywolf/silverstripe-union-list/issues/1""",fix badges for packagist images,"they need silbinarywolf to be silbinarywolf . alternatively, i can explore renaming my username on packagist to silbinarywolf , i'll just need to investigate what might break." +1621421,"""https://github.com/JuliaApproximation/ApproxFun.jl/issues/526""","norm f, inf broken","when p == inf , the p-norm calls maximum abs, f , note that this changed from maxabs f in https://github.com/juliaapproximation/approxfun.jl/commit/20de8e3d981071f2dcecf4350af5182885c844e0 due to deprecations. but base 's maximum abs, f returns a piecewise fun and behaves essentially like abs f ." +5033228,"""https://github.com/silviomoreto/bootstrap-select/issues/1778""",add label / header to dropdown button,"hi, i was wondering if it were possible to add an optional label or header on the dropdown's button? this is similar to custom content except instead of adding custom content on the options, it would be as a kind of static content on the button not changing on different selections . for now i've had to do a lot of style hacking using position: absolute to get a label on top of the button which is not ideal. if this is possible, please let me know, otherwise it would be a really useful feature to have. thanks." +1522150,"""https://github.com/wordpress-mobile/WordPress-Android/issues/6660""",nullpointerexception when restoring publicizebuttonprefsfragment,"expected behavior you can safely get back to publicizebuttonprefsfragment after activity was destroyed. actual behavior when you leave app from publicizebuttonprefsfragment and come back to it after it was destroyed, the app crashes. steps to reproduce the behavior 1. turn on do not keep activities 2. navigate to publicize button preferences screen - my site -> sharing -> manage under sharing buttons . 3. press the home button, and navigate back to the app. 4. notice crash. fatal exception: java.lang.nullpointerexception at org.wordpress.android.ui.publicize.publicizebuttonprefsfragment.getsitesettings publicizebuttonprefsfragment.java:281 at org.wordpress.android.ui.publicize.publicizebuttonprefsfragment.onviewstaterestored publicizebuttonprefsfragment.java:134 at android.app.fragment.restoreviewstate fragment.java:617 at android.app.fragmentmanagerimpl.movetostate fragmentmanager.java:910 at android.app.fragmentmanagerimpl.movetostate fragmentmanager.java:1062 at android.app.backstackrecord.run backstackrecord.java:685 at android.app.fragmentmanagerimpl.execpendingactions fragmentmanager.java:1447 at android.app.fragmentmanagerimpl$1.run fragmentmanager.java:443 at android.os.handler.handlecallback handler.java:733 at android.os.handler.dispatchmessage handler.java:95 at android.os.looper.loop looper.java:149 at android.app.activitythread.main activitythread.java:5257 at java.lang.reflect.method.invokenative method.java at java.lang.reflect.method.invoke method.java:515 at com.android.internal.os.zygoteinit$methodandargscaller.run zygoteinit.java:793 at com.android.internal.os.zygoteinit.main zygoteinit.java:609 at dalvik.system.nativestart.main nativestart.java" +428845,"""https://github.com/mrdoob/three.js/issues/11332""",change renderer.gammainput/renderer.gammaoutput on the fly?,"hi guys, is there a way to change these parameters in real-time? it seems the shader programs don't take it in consideration. many thanks. q." +3968481,"""https://github.com/lastpass/lastpass-cli/issues/259""",error start lastpass-cli on archlinux,i receive this error when start lastpass-cli on archlinux cnf-lookup: error while loading shared libraries: libboost_system.so.1.62.0: cannot open shared object file: no such file or directory +4917034,"""https://github.com/koorellasuresh/UKRegionTest/issues/26953""",first from flow in uk south,first from flow in uk south +2373002,"""https://github.com/techlahoma/okcjs-website/issues/108""",schedule april meetup email | due 4/3,meetup details at 105 meetup poster at 106 meetup url at 107 schedule email announcement to go out on 4/4/2016 9:00am +460580,"""https://github.com/cgeo/cgeo/issues/6654""",only unstored caches on live map view are stored in selected list,"detailed steps causing the problem: - zoom into an area on the live map where you have both stored and unstored caches ! image https://user-images.githubusercontent.com/1811963/28647520-088b4bb2-7268-11e7-9489-4944c59d90e0.png - choose store offline in menu ! image https://user-images.githubusercontent.com/1811963/28647539-2659a580-7268-11e7-999c-587ba290f74c.png - create a new list or select an existing list actual behavior after performing these steps: only the caches that are not already stored in any other lists are added to the new list. the cache with the offline log is also added to the new list, even if it has a stored icon ! image https://user-images.githubusercontent.com/1811963/28647611-78120232-7268-11e7-82a8-e2d6758b8c82.png expected behavior after performing these steps: all caches in the map view should be added to the new list. since several lists can co-exist nowadays the already stored caches should be added to the new list as well. version of c:geo used: 2017.07.26-nb is the problem reproducible for you? yes" +4770736,"""https://github.com/dart-lang/sdk/issues/31679""",dart2js with kernel seems to loop in subtype check involving function typed bound,"consider the following program: dart class c> { x x; y funs; c this.x, this.funs ; void run { for var f in funs x = f x ; } } main { print new c> 42, int x => x + 1 ..run .x ; } compilation of this program with dart2js --use-kernel --checked version 2.0.0-dev.7.0 as well as dart2js_developer from a fresh commit f781e271ca698fdb4adf7a6d371d053e27c6726d succeeds, but the generated code fails during a subtype check: /usr/local/google/home/eernst/bin/dart-sdk/lib/_internal/js_runtime/lib/preambles/d8.js:255: rangeerror: maximum call stack size exceeded throw e; ^ rangeerror: maximum call stack size exceeded at object.functiontypecheck out.js:1032:36 at object.functiontypecheck out.js:1032:18 at object.functiontypecheck out.js:1032:18 at object.functiontypecheck out.js:1032:18 at object.functiontypecheck out.js:1032:18 at object.functiontypecheck out.js:1032:18 at object.functiontypecheck out.js:1032:18 at object.functiontypecheck out.js:1032:18 at object.functiontypecheck out.js:1032:18 at object.functiontypecheck out.js:1032:18 note that a similar symptom arose in a different situation recently issue 31676 , where the type also involved a subterm of the form t function t , but it was created using a class with a call method." +4123220,"""https://github.com/docker/docker.github.io/issues/5033""",incorrect statement about windows images and scanning,"file: datacenter/dtr/2.3/guides/user/manage-images/scan-images-for-vulnerabilities.md https://docs.docker.com/datacenter/dtr/2.3/guides/user/manage-images/scan-images-for-vulnerabilities/ , cc @joaofnfernandes this isn't correct: > dtr scans both linux and windows images, but by default docker doesn’t push image layers for windows images so dtr won’t be able to scan them. if you want dtr to scan your windows images, configure docker to always push image layers. specifically docker doesn’t push image layers for windows images . it is the foreign layers it doesn't push. this makes it sound like it is all layers." +4980156,"""https://github.com/indrimuska/angular-moment-picker/issues/205""",moment picker wont work on modal,i try to use the angular-moment-picker directive inside modal and this directives dont work +4698726,"""https://github.com/CameronLonsdale/cckrypto/issues/2""",simple substitution working for ciphertext < 250 characters,using ngram analysis simple substitution works well for ciphertexts of length 250 characters or more. current thought is to try a corpus along side ngram to check for word existance however the current implementation of corpus might need some modification to deal with non whitespace hint +4040626,"""https://github.com/AuthorizeNet/accept-sdk-android/issues/18""",why is onvalidationsuccessful never called?,it actually seems to be commented out. can we un-comment it out please +5206266,"""https://github.com/phetsims/gene-expression-essentials/issues/51""","no dispose functions are used, memory leakage is likely","i just scanned the source code to find all the dispose functions so i could see if they were calling dispose in their supertypes, since this issue has been raised lately. i was surprised to see that there aren't any dispose functions at all in the source code. this means that it's very likely that there are memory leaks. i tried to do some profiling, but ran into problems getting multiple heap snapshots due to the very large amount of memory being used by the sim see 50 . so, we need to profile for memory leaks and add dispose functions, but we probably need to address 50 first." +1524566,"""https://github.com/chilipeppr/widget-autolevel/issues/4""",clicking on show probe data matrix after probing gives a js error,the button appears to go into the 'pressed' state and does not return.. ! screenshot_2017-02-28_10-37-20 https://cloud.githubusercontent.com/assets/275001/23399837/0992e99c-fda2-11e6-9262-8831e23c53c3.png ! screenshot_2017-02-28_10-39-28 https://cloud.githubusercontent.com/assets/275001/23399879/33bc2062-fda2-11e6-8ec5-4719295c822e.png +2763293,"""https://github.com/spacehuhn/esp8266_deauther/issues/225""",it dosnt upload to the esp,"arduino: 1.8.2 windows 10 , board: nodemcu 0.9 esp-12 module , 80 mhz, serial, 115200, 4m 3m spiffs build options changed, rebuilding all in file included from sketch\attack.h:9:0, from sketch\attack.cpp:1: c:\users\luis fernando\appdata\local\arduino15\packages\esp8266\hardware\esp8266\2.0.0/tools/sdk/include/user_interface.h:450:1: error: stray ' ' in program typedef void freedom_outside_cb_t uint8 status ; ^ c:\users\luis fernando\appdata\local\arduino15\packages\esp8266\hardware\esp8266\2.0.0/tools/sdk/include/user_interface.h:450:1: error: stray ' ' in program c:\users\luis fernando\appdata\local\arduino15\packages\esp8266\hardware\esp8266\2.0.0/tools/sdk/include/user_interface.h:451:1: error: stray ' ' in program int wifi_register_send_pkt_freedom_cb freedom_outside_cb_t cb ; ^ c:\users\luis fernando\appdata\local\arduino15\packages\esp8266\hardware\esp8266\2.0.0/tools/sdk/include/user_interface.h:451:1: error: stray ' ' in program c:\users\luis fernando\appdata\local\arduino15\packages\esp8266\hardware\esp8266\2.0.0/tools/sdk/include/user_interface.h:452:1: error: stray ' ' in program void wifi_unregister_send_pkt_freedom_cb void ; ^ c:\users\luis fernando\appdata\local\arduino15\packages\esp8266\hardware\esp8266\2.0.0/tools/sdk/include/user_interface.h:452:1: error: stray ' ' in program c:\users\luis fernando\appdata\local\arduino15\packages\esp8266\hardware\esp8266\2.0.0/tools/sdk/include/user_interface.h:453:1: error: stray ' ' in program int wifi_send_pkt_freedom uint8 buf, int len, bool sys_seq ; ^ c:\users\luis fernando\appdata\local\arduino15\packages\esp8266\hardware\esp8266\2.0.0/tools/sdk/include/user_interface.h:453:1: error: stray ' ' in program exit status 1 error compiling for board nodemcu 0.9 esp-12 module ." +70742,"""https://github.com/lstjsuperman/fabric/issues/24011""",xposedgps.java line 880,in com.fish.xposedmodules.xposedgps.updatelocation number of crashes: 1 impacted devices: 1 there's a lot more information about this crash on crashlytics.com: https://fabric.io/momo6/android/apps/com.immomo.momo/issues/59fec83f61b02d480dce9bd5?utm_medium=service_hooks-github&utm_source=issue_impact https://fabric.io/momo6/android/apps/com.immomo.momo/issues/59fec83f61b02d480dce9bd5?utm_medium=service_hooks-github&utm_source=issue_impact +4013682,"""https://github.com/edzer/sfr/issues/292""",error when plotting units generated by sf,"reproducible this time code: r library sf nc = st_read system.file shape/nc.shp , package= sf nc$a = st_area nc plot nc bir74 no problem plot nc a error error in ops.units range x, na.rm = true , 0 : both operands of the expression should be units objects" +3762226,"""https://github.com/damien-carcel/Dockerfiles/issues/115""",remove nginx images,"same result can be obtained with official nginx images, by configuring them through environment variables in the compose file." +3089415,"""https://github.com/Manu1400/parkings_informations/issues/96""","germany add bad homburg, from a radio station 8/8 parkings","in webpage https://www.ffh.de/news-service/verkehr/parkhaeuser/parkhaus-info-bad-homburg.html no official, just the website of a radio station" +1512942,"""https://github.com/SIMKL/script.simkl/issues/32""",notifications make the video freeze for a bit on some devices.,"the description is in the title. not all devices have this problem. it has been existent for a while now but i never bothered to report the issue. if some sort of animation could be removed from the notification bubble, that might fix the problem. currently on estuary but other themes do it as well." +1025197,"""https://github.com/scipy/scipy/issues/7285""",integrate cannot handle derivative functions with variable-length arguments,"if the parameters of the derivative f passed to integrate.ode are a of variable length, the integrator calls this function without passing the parameters: python from scipy.integrate import ode def f t,y, pars : print t,y, pars return pars 0 ode = ode f ode.set_initial_value 2.4,0.8 ode.set_f_params 3.5 ode.integrate 1.6 this yields an error due to the fact that pars is empty, though it should not be." +4356454,"""https://github.com/swcarpentry/website/issues/788""",support for twitter cards,add support for twitter cards to blog posts. http://davidensinger.com/2013/04/supporting-twitter-cards-with-jekyll/ +3157221,"""https://github.com/10up/ElasticPress/issues/709""",allow to have option for explain=true when debug-bar-elasticpress installed,"for easier debugging, it would be nice if we have an option to turn on explain args if the debug-bar-elasticpress installed." +2900763,"""https://github.com/HGustavs/LenaSYS/issues/4030""",different animations on hide/show all,different animation on hide/show all . if you press the text show/hide all you get one animation and if you press the arrow you get another one. the right animation happens when you press the text hide/show all . change the animation when you click on the arrow to the one you get when you click on the text. +5194205,"""https://github.com/gammapy/gammapy/issues/1066""",travis-ci test fails because of reproject version 0.1,"since a few days the following test fails in gammapy master on travis-ci: https://travis-ci.org/gammapy/gammapy/jobs/242743196 l2321 this is because currently reproject version 0.1 is installed, instead of something newer such as 0.3 or 0.3.1. @cdeil, @bsipocz any idea why the reproject version has been downgraded?" +1542657,"""https://github.com/GNS3/gns3-server/issues/1176""",2.1.0dev6 low bandwidth between for link between two docker containers,"i was playing with the awesome link packet filters. i have noticed that, comparing to bw between 2 containers on the host, there is a drop of ~93% of the bandwidth. - in gns3 ~53mbps - outside gns3 ~800mbps does the udp tunnel implementation of the links caused such drop or there is other causes? ! selection_002_17_09 https://user-images.githubusercontent.com/1716020/30523049-6ca0e526-9bda-11e7-9430-5f5cacaf3e8f.jpg --------------- gns3 version is 2.1.0dev6 python version is 3.6.1 64-bit with utf-8 encoding qt version is 5.8.0 pyqt version is 5.8.2 sip version is 4.19.2 ----------------- gns3 host distributor id: debian description: debian gnu/linux 8.9 jessie release: 8.9 codename: jessie" +3083618,"""https://github.com/cmbrandenburg/sparkle-dns/issues/12""",hostnames should be allowed to begin with a decimal digit,"according to rfc 1123, section 2.1, https://tools.ietf.org/html/rfc1123 , hostnames are allowed to begin with a decimal digit. currently, hostname-checking is too strict https://github.com/cmbrandenburg/sparkle-dns/blob/5045835aad965a4f5d3abce710ea9d5554f53d3f/src/format.rs l230-l243 ." +85322,"""https://github.com/OpenSource-TechnoNJR/First-Project/issues/2""",everyone join us on slack,here is community slack channel. feel free for join. visit for invitation: http://bit.ly/opensourceattechno https://ost-org.slack.com/ +5206221,"""https://github.com/actionfactory/stronghold.co/issues/5""","new domain, new staging area in google cloud for github","hey sean, thank you so much for setting up our github environment for the marketing site in google cloud. since we changed domains to stronghold.co, do we need to re-configure so it's all good? thanks in advance for taking a look. tammy" +212607,"""https://github.com/rubymaniac/vscode-paste-and-indent/issues/4""",end of pasted text is auto-selected,"step to reproduce: 1. copy at least 2 lines without any indentation 2. paste&indent them on a indented with n spaces 3. the pasted text is well indented, but has now the n last chars selected example from a new file : {banner}