Coder Social home page Coder Social logo

questions's Introduction

Questions

Ask us questions about anything related to Open Source! To add your question, create an issue in this repository.

Just a few guidelines to remember before you ask a question:

  • Ensure your question hasn't already been answered. If it has been answered but does not satisfy you, feel free to comment in the issue and we will re-open it.
  • Use a succinct title and description.
  • If your question has already been asked and answered adequately, please add a thumbs-up (or the emoji of your choice!) to the issue. This helps us in identifying common problems that people usually face.
  • Lastly, be civil and polite. :)

questions's People

Contributors

nikhita avatar tapaswenipathak avatar

Stargazers

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

Watchers

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

questions's Issues

How can I simulate Inerter device in OpenSees ?

Dear all,
I am working on Inerter based devices and the tool for simulation purposes that I use is OpenSees. Therefore , I want to simulate Inerter in OpenSees. So if anyone can help me get this issue solved then their help will be highly appreciated.

How to solve this ValueError: Too many dimensions: 3 > 2.

Hi, I have this value error issue in my code. I want to resize my inputs from the webcam to 96x96 pixels in grayscale mode. My trained model will accept this type of input only. I have done everything that I can to solve this problem. I'm new to this deep learning technology. Now only I'm learning this slowly. Please help me with this issue.

my trained model
``import tensorflow.keras as keras
import pandas as pd
from tensorflow.keras.models import Sequential
from tensorflow.keras.layers import (
Dense,
Conv2D,
MaxPool2D,
Flatten,
Dropout,
BatchNormalization,
)
from tensorflow.keras.preprocessing.image import ImageDataGenerator
import matplotlib.pyplot as plt
import numpy as np
import tensorflow as tf

Load in our data from CSV files

train_df = pd.read_csv("V:\Mini Project\Source code\My_Model\Train.csv")
valid_df = pd.read_csv("V:\Mini Project\Source code\My_Model\Valid.csv")

Separate out our target values

y_train = train_df['Label']
y_valid = valid_df['Label']
del train_df['Label']
del valid_df['Label']

Separate our our image vectors

x_train = train_df.values
x_valid = valid_df.values

Turn our scalar targets into binary categories

num_classes = 3
y_train = keras.utils.to_categorical(y_train, num_classes)
y_valid = keras.utils.to_categorical(y_valid, num_classes)

Normalize our image data

x_train = x_train / 255
x_valid = x_valid / 255

Reshape the image data for the convolutional network

x_train = x_train.reshape(-1, 96, 96, 1)
x_valid = x_valid.reshape(-1, 96, 96, 1)
model = Sequential()
model.add(Conv2D(75, (3, 3), strides=1, padding="same", activation="relu",
input_shape=(96, 96, 1)))
model.add(BatchNormalization())
model.add(MaxPool2D((2, 2), strides=2, padding="same"))
model.add(Conv2D(50, (3, 3), strides=1, padding="same", activation="relu"))
model.add(Dropout(0.2))
model.add(BatchNormalization())
model.add(MaxPool2D((2, 2), strides=2, padding="same"))
model.add(Conv2D(25, (3, 3), strides=1, padding="same", activation="relu"))
model.add(BatchNormalization())
model.add(MaxPool2D((2, 2), strides=2, padding="same"))
model.add(Flatten())
model.add(Dense(units=2000, activation="relu"))
model.add(Dropout(0.3))
model.add(Dense(units=num_classes, activation="softmax"))
datagen = ImageDataGenerator(
rotation_range=10, # randomly rotate images in the range (degrees, 0 to 180)
zoom_range=0.1, # Randomly zoom image
width_shift_range=0.1, # randomly shift images horizontally (fraction of total width)
height_shift_range=0.1, # randomly shift images vertically (fraction of total height)
horizontal_flip=True, # randomly flip images horizontally
vertical_flip=True, # Don't randomly flip images vertically
)
batch_size = 32
img_iter = datagen.flow(x_train, y_train, batch_size=batch_size)

x, y = img_iter.next()
fig, ax = plt.subplots(nrows=4, ncols=8)
for i in range(batch_size):
image = x[i]
ax.flatten()[i].imshow(np.squeeze(image))
plt.show()
datagen.fit(x_train)
callback = tf.keras.callbacks.EarlyStopping(monitor='val_accuracy', min_delta=0.9, patience=3)
model.compile(loss='categorical_crossentropy', metrics=['accuracy'])
History = model.fit(img_iter,
epochs=100,
steps_per_epoch=len(x_train)/batch_size, # Run same number of steps we would if we
# were not using a generator.
validation_data=(x_valid, y_valid))
model.save('trained_model')``

program to connect the webcam to this model.
`import cv2
import numpy as np
from PIL import Image
from tensorflow import keras

model = keras.models.load_model('trained_model')
video = cv2.VideoCapture(0)

while True:
_, frame = video.read()

    #Convert the captured frame into Grayscale
    im = Image.fromarray(frame, 'L')

    #Resizing into dimensions you used while training
    im = im.resize((96, 96))
    img_array = np.array(im)

    #Expand dimensions to match the 4D Tensor shape.
    img_array = np.expand_dims(img_array, axis=0)

    #Calling the predict function using keras
    material = "012"
    prediction = model.predict(img_array)
    predicted_letter = material[np.argmax(prediction)]

    cv2.imshow("Prediction", frame)
    key=cv2.waitKey(1)
    if key == ord('q'):
            break

video.release()
cv2.destroyAllWindows()`

Traceback
ValueError: Too many dimensions: 3 > 2.

Not getting any validations for the radio button in flutter?

My code is as given:-
Padding(padding:const EdgeInsets.only(left: 5, right: 5),
child: Column(
crossAxisAlignment: CrossAxisAlignment.start,
children: [
const Text("Gender",
style: TextStyle(fontSize: 19),),
Row(
mainAxisAlignment: MainAxisAlignment.center,
children: [
Expanded(
child:ListTile(
contentPadding:const EdgeInsets.all(0),
title: const Text('Male',style: TextStyle(fontSize: 14),),
leading: Radio(
value: Gender.male,
groupValue: _gen,
onChanged: (Gender? value) {
setState(() {
_gen = Gender.male;
});
},
),
),
),
Expanded(
child: ListTile(
contentPadding:const EdgeInsets.all(0),
title: const Text('Female',style: TextStyle(fontSize: 14)),
leading: Radio(
value: Gender.female,
groupValue: _gen,
onChanged: (Gender? value) {
setState(() {
_gen = Gender.female;
});
},
),
),
),
Expanded(
child:ListTile(
contentPadding:const EdgeInsets.all(0),
title: const Text('Others',style: TextStyle(fontSize: 14)),
leading: Radio(
value: Gender.others,
groupValue: _gen,
onChanged: (Gender? value) {
setState(() {
_gen = Gender.others;
});
},
),
),
),
],
) ,

My Js is not working

Hey,
I tried to make a website and host it through Github pages but I am facing an issue with my javascript It was working perfectly on my VSC but it does work here I tried to get help on StalkOverFlow and GfG but it doesn't work I hope I will get some solution here.

Here is my repo
Thank you

getting value error while fit a keras model

Getting these errors while fiting the keras model
Plz help I am new in python and deep learning and working on image dataset.
Trying to apply attention layers on Last convolutional layer of DenseNet 121.
My images are grayscale IRIS(eyes) images .

Epoch 1/5

ValueError Traceback (most recent call last)
in
----> 1 history = New_model.fit(train_generator,
2 validation_data = validation_generator,
3 epochs=5, verbose=2)

~\anaconda3\lib\site-packages\keras\utils\traceback_utils.py in error_handler(*args, **kwargs)
65 except Exception as e: # pylint: disable=broad-except
66 filtered_tb = _process_traceback_frames(e.traceback)
---> 67 raise e.with_traceback(filtered_tb) from None
68 finally:
69 del filtered_tb

~\anaconda3\lib\site-packages\tensorflow\python\framework\func_graph.py in autograph_handler(*args, **kwargs)
1127 except Exception as e: # pylint:disable=broad-except
1128 if hasattr(e, "ag_error_metadata"):
-> 1129 raise e.ag_error_metadata.to_exception(e)
1130 else:
1131 raise

ValueError: in user code:

File "C:\Users\ADITI\anaconda3\lib\site-packages\keras\engine\training.py", line 878, in train_function  *
    return step_function(self, iterator)
File "C:\Users\ADITI\anaconda3\lib\site-packages\keras\engine\training.py", line 867, in step_function  **
    outputs = model.distribute_strategy.run(run_step, args=(data,))
File "C:\Users\ADITI\anaconda3\lib\site-packages\keras\engine\training.py", line 860, in run_step  **
    outputs = model.train_step(data)
File "C:\Users\ADITI\anaconda3\lib\site-packages\keras\engine\training.py", line 808, in train_step
    y_pred = self(x, training=True)
File "C:\Users\ADITI\anaconda3\lib\site-packages\keras\utils\traceback_utils.py", line 67, in error_handler
    raise e.with_traceback(filtered_tb) from None

ValueError: Exception encountered when calling layer "pam_1" (type PAM).

in user code:

    File "<ipython-input-28-0a34ef037177>", line 31, in call  *
        b = Conv2D(1024, 1, use_bias=False, kernel_initializer='he_normal')(att_input)
    File "C:\Users\ADITI\anaconda3\lib\site-packages\keras\utils\traceback_utils.py", line 67, in error_handler  **
        raise e.with_traceback(filtered_tb) from None

    ValueError: tf.function only supports singleton tf.Variables created on the first call. Make sure the tf.Variable is only created once or created outside tf.function. See https://www.tensorflow.org/guide/function#creating_tfvariables for more information.


Call arguments received:
  • att_input=tf.Tensor(shape=(None, 7, 7, 1024), dtype=float32)

ninja: error: loading 'build.ninja': The system cannot find the file specified.

Hello,

I have followed esp-idf guideline to install and test to build the hello world and blink sample code but both the code met this problem.

I have tested all the ways I can find to fix it but I'm not sure anything I missed or not.

image

This is one of the way that I test but also met some problem.

image

I found 1 possible problem is the python environment is exist so I cannot do this command, but I try many ways to disabled or deactivated it still cannot.
image

image

Appreciate for any help.

Logcat error process is whitelisted

I am working on an app with python and it works on my pc just fine but it crashes on android when login button is touched. The app is supposed to login a user with email and password and post some data on firebase after successful login. I have added the following requirements for builozer.spec:python3,kivy==2.0.0,https://github.com/kivymd/KivyMD/archive/master.zip,pygments,sdl2_ttf==2.0.15,pillow , requests,urllib3,chardet,idna, pyopenssl, httplib2 and for android permissions: ACCESS INTERNET,ACCESS_NETWORK_STATE, ACCESS_WIFI_STATE
Here is snippet of the code.

from kivy.lang import Builder
from kivy.uix.screenmanager import ScreenManager, Screen
from kivy.properties import ObjectProperty
from kivy.uix.popup import Popup
from kivy.uix.label import Label
from kivymd.uix.button import MDRaisedButton
from kivy.uix.widget import Widget
from kivymd.app import MDApp


import requests
import json
import kivy.utils
from kivy.utils import platform

help_str = """

ScreenManager:
    Loginscreen:

<Loginscreen>:
    name: "login"

    MDScreen:
        md_bg_color: [122/255, 0/255, 0/255,1]
        MDCard:
            md_bg_color: [220/255, 220/255, 220/255,1]
            size_hint: None, None
            size: dp(400),dp(500)
            pos_hint: {"center_x": 0.5, "center_y": 0.5}
            elevation: 20
            orientation: "vertical"
            MDLabel:
                text: "Login"
                font_style: "H3"

                halign: "center"
                pos_hint :{"center_x": 0.5}
                height: self.texture_size[1]
                padding_y: 30
            MDTextField:
                hint_text: "Enter email"
                pos_hint: {"center_x":0.5}
                size_hint_x: None
                id: emaile
                width: dp(220)
                multiline: False
                font_size: dp(30)
                font_style : "Button"

            MDTextField:
                hint_text: "Enter password"
                icon_right: "eye-off"
                password: True
                pos_hint: {"center_x":0.5}
                size_hint_x: None
                id: passworde
                width: dp(220)
                multiline: False
                font_size: dp(30)
            MDRaisedButton:
                text: "LOGIN"
                size_hint: (0.4,0.1)
                pos_hint: {"center_x": 0.5}
                font_size: dp(20)
                on_release:
                    app.login()


            Widget:
                size_hint_y: None



 """
class WindowManager(ScreenManager):
     pass
class Loginscreen(Screen):
     pass

sm = WindowManager()
sm.add_widget(Loginscreen(name='login'))

class CDEApp(MDApp):
    wak= #key for firebase
    def build(self):
        if platform == "android":
            from android.permissions import request_permissions, Permission
            request_permissions([Permission.INTERNET])
        self.theme_cls.primary_palette = "Blue"
        self.strng = Builder.load_string(help_str)


        return self.strng
    def login(self):
        email = self.strng.get_screen('login').ids.emaile.text
        password = self.strng.get_screen('login').ids.passworde.text

        signin_url = "https://www.googleapis.com/identitytoolkit/v3/relyingparty/verifyPassword?key=" + self.wak
        signin_payload = {"email": email, "password": password}
        signin_request = requests.post(signin_url, data=signin_payload)
        sign_up_data = json.loads(signin_request.content.decode())

        if signin_request.ok == True:
            validLogin()
        else:
            invalidLogin()

def invalidLogin():
    pop = Popup(title = 'Login Failed',
                    content= Label (text= 'Incorrect email or password'),
                    size_hint =(None, None), size=(400,400))
    pop.open()
def validLogin():
    pop = Popup(title = 'Loggedin',
                    content= Label (text= 'Loggedin'),
                    size_hint =(None, None), size=(400,400))
    pop.open()

if __name__ == "__main__":
    CDEApp().run()

Here is traceback from logcat line 519, in send 2022-04-14 10:07:55.057 30831-30876/org.test.myapp I/python: requests.exceptions.ConnectionError: HTTPSConnectionPool(host='www.googleapis.com', port=443): Max retries exceeded with url: /identitytoolkit/v3/relyingparty/verifyPassword?key=** (Caused by NewConnectionError('<urllib3.connection.HTTPSConnection object at 0xc503db20>: Failed to establish a new connection: [Errno 7] No address associated with hostname')) 2022-04-14 10:07:55.057 30831-30876/org.test.myapp I/python: Python for android ended.

It also shows this error 2022-04-14 10:11:15.930 31588-31588/? E/Zygote: isWhitelistProcess - Process is Whitelisted

Allure Report Concatination

Hello Team,

I am using Allure Report in my project where approximately I am running 60+ test cases in ubuntu containers parallelly, 30+ in each of them. And publishing the report from github individually from each run.
Since the application under test is same for those parallel execution, so I want both the reports to be merged together, So that I can get a consolidated single allure report containing the information of both the parallel containers.
Can anyone help me to achieve this functionality.

image

Attaching my workflow pipeline, where regression-chrome-pre and regression-chrome-post are running parallelly and both are generating the allure reports independently.

Floor slab trimmed

hi, I have a loft and i would like to create a floor slabs to my loft? how can i trim the floor slab to follow the loft form?

error in the last statement Unable to perform assignment because the left and right sides have a different number of elements.

function [theta, J_history] = gradientDescentMulti(X, y, theta, alpha, num_iters)
%GRADIENTDESCENTMULTI Performs gradient descent to learn theta
% theta = GRADIENTDESCENTMULTI(x, y, theta, alpha, num_iters) updates theta by
% taking num_iters gradient steps with learning rate alpha

% Initialize some useful values
m = length(y); % number of training examples
J_history = zeros(num_iters, 1);

for iter = 1:num_iters

% ====================== YOUR CODE HERE ======================
% Instructions: Perform a single gradient step on the parameter vector
% theta.
%
% Hint: While debugging, it can be useful to print out the values
% of the cost function (computeCostMulti) and gradient here.
%

%%%%%%%% CORRECT %%%%%%%%%%
error = (X * theta) - y;
theta = theta - ((alpha/m) * X'*error);
%%%%%%%%%%%%%%%%%%%%%%%%%%%

% ============================================================

% Save the cost J in every iteration
J_history(iter) = computeCostMulti(X, y, theta);

end
end****

Background script execution in Web - Katalon

Hi,
We are using katalon studio version 7.8.

We have initiated the script execution and proceeded with other works by accessing File explorer for example.

Script execution is getting stopped and throwing an error “Timed out receiving message from renderer: 10.000”

If focus is moved again to the browser, script execution continues.

Can you share the solution why background execution is getting stopped.

Thanks!

Python camera access

Can I give single camera access to multiple threads running at same time .. Plz help me with this !!

How do you manage CP with Development?[Session by Satyaki]

First of all, thanks Satyaki bh for giving your time for this session, I follow you on various sites and know quite a bit about you.
This question is quite common and little personal, with regard with your profile. I know there can be common answer that "You should manage your time", "You should be disciplined", "You should do what you enjoy"(I honestly enjoy both the stuff) and the list can continue. But how? I want to know if there is a (hack)technique you follow or a method you adopt to manage your time and how was your typical day in college and when you joined at Directi. Also I have observed that, in spite of your job, you are constantly in touch with competitive programming, and that's very exceptional. I mean most of the top coders of our college left CP platforms just after they joined their job, because of loads of work. I myself did gsoc last year, and I find it very difficult to manage CP and Dev both at the same time? Also the saying goes "If you want to become good at something, you should fully concentrate on that stuff only", which is totally against, this. :p
Thanks again :D

Esp8266 - cant able to run the program

Arduino: 1.8.19 (Windows 10), Board: "Arduino Uno"

Code_ESP01_SinricPro_4Relay:26:10: fatal error: ESP8266WiFi.h: No such file or directory

#include <ESP8266WiFi.h>

      ^~~~~~~~~~~~~~~

compilation terminated.

exit status 1

ESP8266WiFi.h: No such file or directory

This report would have more information with
"Show verbose output during compilation"
option enabled in File -> Preferences.

verification code before update password in android firebase

Hi everyone, I use Android Studio with java and Firebase. I wish to send a verification code to user's phone and confirm before let the user to update password. It will be used for forgot password. Not for sign in with phone number. I don't know how do that. Please help me if anyone know about that. Thank you.

Gsoc

How a beginner starts his journey for gsoc?

How to skip a element from a each loop and execute remaining elements in cypress

There are a many tabs which contains the values .

The First tab and second tab is static. and remaining tabs are dynamic , will display based on data.

need to verify the first tab value is equal to the addition of other tabs value

eg: First Tab has value as 20. other tabs has 10, 5, 3, 2 respectively.

2nd tab we should ignore her. and calculate remaining tabs values and check first tab value ie 20 is equal to other tabs values

Have some Interview questions for you as a Google code in task

Hi, my name is Ivan and I'm from Kiev(Ukraine). I'm participating in GCI this year and one of the tasks is to find previous years winners and to connect to them. So I will be really happy, if you answer my questions.
So here they are:

  1. How did you find out about GCI(I mean articles, school teachers, etc);
  2. Did you want to win grand prize from the very beginning or you realized it later?
  3. How many tasks you did and what is more important quality or quantity?
  4. Was it hard both to learn at school and participate in GCI?
  5. Can you describe your grand prize? Was it cool to go to google?

Can't upload zipped electron app

I can't upload my zipped electron app to the github releases.
It always gives me the error Something went really wrong, and we can’t process that file.
It is within the size limitation of 2GB.
In particular their seems to be a problem with the main .exe file (which is 130MB ca. 70MB compressed) but I do not know why.
When I tried uploading the zipped file with the .exe file removed it worked. But since I am using electron the making of that file is
out of my control and is done by electron-forge.
I have already tried using different browsers (firefox and chrome)
I am just asking if anyone expirienced a similar problem and can help me.
Thanks in advance.

Joining StereoTool to Docker/Azuracast

Hello everyone,
I run an Azuracast radio station on a Linode cloud server.
I'd like to link StereoTool to the LiquidSoap script.

Is it necessary to install the 'StereoTool.exe command line' on the Linode Server? How do I go about doing this?
Do I need to buy a Docker (via Linode's Marketplace), and how do I load StereoTool code/exe into Docker?

I'm a little confused and would appreciate any help.
Thank you ahead of time

Screen Shot 2022-04-11 at 5 05 28 PM
.

Server Error (500) with Heroku after successfully deploying

Hi all - been searching high and low for a solution... I've successfully deployed my Django heroku app but it will not open without getting this error message: Server Error (500). I tried running these commands but it didn't resolve the issue: (1) git add -A
(2) git commit -m "add static file" (3) git push heroku master

Below is my heroku view log for the app. I would appreciate any help in resolving this!

2022-01-22T18:07:30.974183+00:00 app[web.1]: /app/staticfiles
2022-01-22T18:07:31.372805+00:00 heroku[web.1]: State changed from starting to up
2022-01-22T18:07:32.162270+00:00 heroku[router]: at=info method=GET path="/" host=safe-springs-77204.herokuapp.com request_id=d5e93802-ae4d-49d0-b71d-5fffe0df9af6 fwd="104.12.52.232" dyno=web.1 connect=0ms service=77ms status=500 bytes=444 protocol=https
2022-01-22T18:07:32.162860+00:00 app[web.1]: 10.1.41.254 - - [22/Jan/2022:18:07:32 +0000] "GET / HTTP/1.1" 500 145 "https://dashboard.heroku.com/" "Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_6) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/97.0.4692.71 Safari/537.36"
2022-01-22T18:07:50.783266+00:00 heroku[router]: at=info method=GET path="/" host=safe-springs-77204.herokuapp.com request_id=2897ef7f-7445-4b69-9820-6fbe4120faad fwd="104.12.52.232" dyno=web.1 connect=0ms service=15ms status=500 bytes=444 protocol=https
2022-01-22T18:07:50.783912+00:00 app[web.1]: 10.1.41.254 - - [22/Jan/2022:18:07:50 +0000] "GET / HTTP/1.1" 500 145 "https://dashboard.heroku.com/" "Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_6) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/97.0.4692.71 Safari/537.36"
2022-01-22T18:13:15.140147+00:00 app[web.1]: 10.1.39.95 - - [22/Jan/2022:18:13:15 +0000] "GET / HTTP/1.1" 500 145 "-" "Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_6) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/97.0.4692.71 Safari/537.36"
2022-01-22T18:13:15.141971+00:00 heroku[router]: at=info method=GET path="/" host=safe-springs-77204.herokuapp.com request_id=6aa839b0-d6a6-49e1-8d93-d7a6f54bf188 fwd="104.12.52.232" dyno=web.1 connect=0ms service=37ms status=500 bytes=444 protocol=https
2022-01-22T18:14:24.653444+00:00 app[web.1]: 10.1.20.212 - - [22/Jan/2022:18:14:24 +0000] "GET / HTTP/1.1" 500 145 "https://dashboard.heroku.com/" "Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_6) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/97.0.4692.71 Safari/537.36"
2022-01-22T18:14:24.653917+00:00 heroku[router]: at=info method=GET path="/" host=safe-springs-77204.herokuapp.com request_id=65800e7e-8a9e-4e60-a0d5-d6d6cd89ee81 fwd="104.12.52.232" dyno=web.1 connect=0ms service=13ms status=500 bytes=444 protocol=https
2022-01-22T18:48:43.562202+00:00 heroku[web.1]: Idling
2022-01-22T18:48:43.590843+00:00 heroku[web.1]: State changed from up to down
2022-01-22T18:48:44.407140+00:00 heroku[web.1]: Stopping all processes with SIGTERM
2022-01-22T18:48:44.450804+00:00 app[web.1]: [2022-01-22 18:48:44 +0000] [10] [INFO] Worker exiting (pid: 10)
2022-01-22T18:48:44.450853+00:00 app[web.1]: [2022-01-22 18:48:44 +0000] [9] [INFO] Worker exiting (pid: 9)
2022-01-22T18:48:44.450941+00:00 app[web.1]: [2022-01-22 18:48:44 +0000] [4] [INFO] Handling signal: term
2022-01-22T18:48:44.551369+00:00 app[web.1]: [2022-01-22 18:48:44 +0000] [4] [INFO] Shutting down: Master
2022-01-22T18:48:44.700128+00:00 heroku[web.1]: Process exited with status 0
2022-01-22T18:50:11.448758+00:00 heroku[web.1]: Unidling
2022-01-22T18:50:11.470118+00:00 heroku[web.1]: State changed from down to starting
2022-01-22T18:50:17.482910+00:00 heroku[web.1]: Starting process with command gunicorn learning_log.wsgi --log-file -
2022-01-22T18:50:19.053286+00:00 app[web.1]: [2022-01-22 18:50:19 +0000] [4] [INFO] Starting gunicorn 20.1.0
2022-01-22T18:50:19.053609+00:00 app[web.1]: [2022-01-22 18:50:19 +0000] [4] [INFO] Listening at: http://0.0.0.0:24482 (4)
2022-01-22T18:50:19.053656+00:00 app[web.1]: [2022-01-22 18:50:19 +0000] [4] [INFO] Using worker: sync
2022-01-22T18:50:19.057600+00:00 app[web.1]: [2022-01-22 18:50:19 +0000] [9] [INFO] Booting worker with pid: 9
2022-01-22T18:50:19.105528+00:00 app[web.1]: [2022-01-22 18:50:19 +0000] [10] [INFO] Booting worker with pid: 10
2022-01-22T18:50:19.284581+00:00 app[web.1]: /app/staticfiles
2022-01-22T18:50:19.511258+00:00 heroku[web.1]: State changed from starting to up
2022-01-22T18:50:19.404263+00:00 app[web.1]: /app/staticfiles
2022-01-22T18:50:20.635326+00:00 app[web.1]: 10.1.51.166 - - [22/Jan/2022:18:50:20 +0000] "GET / HTTP/1.1" 500 145 "-" "Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_6) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/97.0.4692.71 Safari/537.36"
2022-01-22T18:50:20.635977+00:00 heroku[router]: at=info method=GET path="/" host=safe-springs-77204.herokuapp.com request_id=f7994881-b90e-4173-ade0-2c21a367d39c fwd="104.12.52.232" dyno=web.1 connect=0ms service=90ms status=500 bytes=444 protocol=https
2022-01-22T18:51:16.072200+00:00 app[web.1]: 10.1.51.166 - - [22/Jan/2022:18:51:16 +0000] "GET / HTTP/1.1" 500 145 "-" "Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_6) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/97.0.4692.71 Safari/537.36"
2022-01-22T18:51:16.072807+00:00 heroku[router]: at=info method=GET path="/" host=safe-springs-77204.herokuapp.com request_id=836b84a5-9da9-43ef-a265-a9ef7c178309 fwd="104.12.52.232" dyno=web.1 connect=0ms service=155ms status=500 bytes=444 protocol=https
2022-01-22T19:02:25.194952+00:00 heroku[router]: at=info method=GET path="/" host=safe-springs-77204.herokuapp.com request_id=6bc8acc4-7591-4057-abc3-ea0ec30f84d4 fwd="104.12.52.232" dyno=web.1 connect=0ms service=13ms status=500 bytes=444 protocol=https
2022-01-22T19:02:25.196408+00:00 app[web.1]: 10.1.36.110 - - [22/Jan/2022:19:02:25 +0000] "GET / HTTP/1.1" 500 145 "-" "Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_6) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/97.0.4692.71 Safari/537.36"
2022-01-22T19:04:19.511428+00:00 heroku[router]: at=info method=GET path="/" host=safe-springs-77204.herokuapp.com request_id=6889da90-9a23-4446-8b0c-e588fb3927fb fwd="104.12.52.232" dyno=web.1 connect=0ms service=14ms status=500 bytes=444 protocol=https
2022-01-22T19:04:19.510177+00:00 app[web.1]: 10.1.41.254 - - [22/Jan/2022:19:04:19 +0000] "GET / HTTP/1.1" 500 145 "-" "Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_6) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/97.0.4692.71 Safari/537.36"
2022-01-22T19:07:26.000000+00:00 app[api]: Build started by user [email protected]
2022-01-22T19:08:00.439326+00:00 app[api]: Deploy f497d9b7 by user [email protected]
2022-01-22T19:08:00.652372+00:00 heroku[web.1]: Restarting
2022-01-22T19:08:00.666150+00:00 heroku[web.1]: State changed from up to starting
2022-01-22T19:08:00.439326+00:00 app[api]: Release v8 created by user [email protected]
2022-01-22T19:08:03.128174+00:00 heroku[web.1]: Stopping all processes with SIGTERM
2022-01-22T19:08:03.176268+00:00 app[web.1]: [2022-01-22 19:08:03 +0000] [10] [INFO] Worker exiting (pid: 10)
2022-01-22T19:08:03.176447+00:00 app[web.1]: [2022-01-22 19:08:03 +0000] [4] [INFO] Handling signal: term
2022-01-22T19:08:03.176526+00:00 app[web.1]: [2022-01-22 19:08:03 +0000] [9] [INFO] Worker exiting (pid: 9)
2022-01-22T19:08:03.181977+00:00 app[web.1]: [2022-01-22 19:08:03 +0000] [4] [WARNING] Worker with pid 9 was terminated due to signal 15
2022-01-22T19:08:03.183789+00:00 app[web.1]: [2022-01-22 19:08:03 +0000] [4] [WARNING] Worker with pid 10 was terminated due to signal 15
2022-01-22T19:08:03.277946+00:00 app[web.1]: [2022-01-22 19:08:03 +0000] [4] [INFO] Shutting down: Master
2022-01-22T19:08:03.469527+00:00 heroku[web.1]: Process exited with status 0
2022-01-22T19:08:07.724197+00:00 heroku[web.1]: Starting process with command gunicorn learning_log.wsgi --log-file -
2022-01-22T19:08:09.629681+00:00 app[web.1]: [2022-01-22 19:08:09 +0000] [4] [INFO] Starting gunicorn 20.1.0
2022-01-22T19:08:09.630067+00:00 app[web.1]: [2022-01-22 19:08:09 +0000] [4] [INFO] Listening at: http://0.0.0.0:23358 (4)
2022-01-22T19:08:09.630140+00:00 app[web.1]: [2022-01-22 19:08:09 +0000] [4] [INFO] Using worker: sync
2022-01-22T19:08:09.635119+00:00 app[web.1]: [2022-01-22 19:08:09 +0000] [9] [INFO] Booting worker with pid: 9
2022-01-22T19:08:09.703724+00:00 app[web.1]: [2022-01-22 19:08:09 +0000] [10] [INFO] Booting worker with pid: 10
2022-01-22T19:08:09.872515+00:00 app[web.1]: /app/staticfiles
2022-01-22T19:08:10.158994+00:00 heroku[web.1]: State changed from starting to up
2022-01-22T19:08:09.998467+00:00 app[web.1]: /app/staticfiles
2022-01-22T19:08:12.000000+00:00 app[api]: Build succeeded
2022-01-22T19:09:09.297311+00:00 app[web.1]: 10.1.33.124 - - [22/Jan/2022:19:09:09 +0000] "GET / HTTP/1.1" 500 145 "-" "Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_6) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/97.0.4692.71 Safari/537.36"
2022-01-22T19:09:09.301754+00:00 heroku[router]: at=info method=GET path="/" host=safe-springs-77204.herokuapp.com request_id=5418fef2-8f46-4d83-8ddb-99eb0730039c fwd="104.12.52.232" dyno=web.1 connect=0ms service=176ms status=500 bytes=444 protocol=https

Dynamo rotation

Hello everyone,

I'm a kind of a newbie in Dynamo, and I would like your help in a project I've been working on.

I have rectangles aligned next to each other, and I would like to rotate one of them or each of them based on an edge that it doesn't overlap or interfere with each other.

Screenshot (149)

Can you help me please with the right nodes and instructions to do this correctly?

Thank you

Web part customization for SharePoint, button Onclick functionality not working in typescript

Web part customization for SharePoint, button Onclick functionality not working in typescript. We customized the web part by using NPM and typescript. In typescript, the onclick event is not working when we assigned the function call for that button. Can you please provide the solution for this?

public openNewPage():void  {
let site = this.context.pageContext.site.absoluteUrl;
console.log("Site: "+site);

const webPart: CreatePageWebPart = this;
window.onload= function (){
this.document.querySelector('#btnCopy').addEventListener('click', () => {
  var headtext =  document.getElementById("pageName");
  alert(headtext);
  
  });
}}

query

i have installed python yet vscode gives not installed.can you suggest me a way to resolve this error

lora duplex

"lora duplex" in the example
will the duplex code be same in Sender and receiver. If so how about the local address id and destination ID in receiver

Define a function as given below. countVowels: This function will take as input a string and find the frequency of occurrence each vowel in the string and return as a dictionary having :frequency of occurrence as the key:value pair. In case no vowels found in the input string, return None. Note: 1. The search should be case insensitive. That is O and o will be considered as o. 2. In the dictionary, vowels should be considered in the lower case. Define the main section for the following: 1. Read a string to be passed as argument to the method countVowels 2. Call the function countVowels by passing the string read in point #1 as argument. 3. Print the dictionary returned by the function countVowels. If the function returns None, print "No vowels found." Excluding the quotes.

Screenshot (1)
In this code there is an error that is private hidden test case are failed.
Anyone can solve this problem.
Screenshot_20220501-133046_WhatsApp

Python multiple loops running

I need a help regarding my project ..
My requirement is to execute two functions atthe same Time .. Can any one plz tell the way by which I can develop this ... !!

Recommend Projects

  • React photo React

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

  • Vue.js photo Vue.js

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

  • Typescript photo Typescript

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

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

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

Recommend Topics

  • javascript

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

  • web

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

  • server

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

  • Machine learning

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

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

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

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.