|
MSI installer. Something to consider more. Thank you.

|
|
|
|
|
the CodeProject AI Server program should be broadly evaluated for instances where this type of path conflict could be a problem. True.
|
|
|
|
|
Quote: I have created a trading environment using tfagent
env = TradingEnv(df=df.head(100000), lkb=1000)
tf_env = tf_py_environment.TFPyEnvironment(env)
and passed a df of 100000 rows from which only closing prices are used which a numpy array of 100000 stock price time series data
df: Date Open High Low Close volume
0 2015-02-02 09:15:00+05:30 586.60 589.70 584.85 584.95 171419
1 2015-02-02 09:20:00+05:30 584.95 585.30 581.25 582.30 59338
2 2015-02-02 09:25:00+05:30 582.30 585.05 581.70 581.70 52299
3 2015-02-02 09:30:00+05:30 581.70 583.25 581.70 582.60 44143
4 2015-02-02 09:35:00+05:30 582.75 584.00 582.75 582.90 42731
... ... ... ... ... ... ...
99995 2020-07-06 11:40:00+05:30 106.85 106.90 106.55 106.70 735032
99996 2020-07-06 11:45:00+05:30 106.80 107.30 106.70 107.25 1751810
99997 2020-07-06 11:50:00+05:30 107.30 107.50 107.10 107.35 1608952
99998 2020-07-06 11:55:00+05:30 107.35 107.45 107.10 107.20 959097
99999 2020-07-06 12:00:00+05:30 107.20 107.35 107.10 107.20 865438
at each step the agent has access to previous 1000 prices + current price of stock = 1001 and it can take 3 possible action from 0,1,2
then i wrapped it in TFPyEnvironment to convert it to tf_environment
the prices that the agent can observe is a 1d numpy array
prices = [584.95 582.3 581.7 ... 107.35 107.2 107.2 ]
TimeStep Specs
TimeStep Specs: TimeStep( {'discount': BoundedTensorSpec(shape=(), dtype=tf.float32, name='discount', minimum=array(0., dtype=float32), maximum=array(1., dtype=float32)), 'observation': BoundedTensorSpec(shape=(1001,), dtype=tf.float32, name='_observation', minimum=array(0., dtype=float32), maximum=array(3.4028235e+38, dtype=float32)), 'reward': TensorSpec(shape=(), dtype=tf.float32, name='reward'), 'step_type': TensorSpec(shape=(), dtype=tf.int32, name='step_type')}) Action Specs: BoundedTensorSpec(shape=(), dtype=tf.int32, name='_action', minimum=array(0, dtype=int32), maximum=array(2, dtype=int32))
then i build a dqn agent but i want to build it with a Conv1d layer
my network consist of
Conv1D,
MaxPool1D,
Conv1D,
MaxPool1D,
Dense_64,
Dense_32 ,
q_value_layer
i created a list layers using tf.keras.layers api and stored it in dense_layers list and created a Sequential Network
DQN_Agent
`learning_rate = 1e-3
action_tensor_spec = tensor_spec.from_spec(tf_env.action_spec())
num_actions = action_tensor_spec.maximum - action_tensor_spec.minimum + 1
dense_layers = []
dense_layers.append(tf.keras.layers.Conv1D(
64,
kernel_size=(10),
activation=tf.keras.activations.relu,
input_shape=(1,1001),
))
dense_layers.append(
tf.keras.layers.MaxPool1D(
pool_size=2,
strides=None,
padding='valid',
))
dense_layers.append(tf.keras.layers.Conv1D(
64,
kernel_size=(10),
activation=tf.keras.activations.relu,
))
dense_layers.append(
tf.keras.layers.MaxPool1D(
pool_size=2,
strides=None,
padding='valid',
))
dense_layers.append(
tf.keras.layers.Dense(
64,
activation=tf.keras.activations.relu,
))
dense_layers.append(
tf.keras.layers.Dense(
32,
activation=tf.keras.activations.relu,
))
q_values_layer = tf.keras.layers.Dense(
num_actions,
activation=None,
kernel_initializer=tf.keras.initializers.RandomUniform(
minval=-0.03, maxval=0.03),
bias_initializer=tf.keras.initializers.Constant(-0.2))
q_net = sequential.Sequential(dense_layers + [q_values_layer])`
`optimizer = tf.keras.optimizers.Adam(learning_rate=learning_rate)
train_step_counter = tf.Variable(0)
agent = dqn_agent.DqnAgent(
tf_env.time_step_spec(),
tf_env.action_spec(),
q_network=q_net,
optimizer=optimizer,
td_errors_loss_fn=common.element_wise_squared_loss,
train_step_counter=train_step_counter)
agent.initialize()`
but when i passed the q_net as a q_network to DqnAgent i came accross this error
`---------------------------------------------------------------------------
ValueError Traceback (most recent call last)
in ()
68 optimizer=optimizer,
69 td_errors_loss_fn=common.element_wise_squared_loss,
---> 70 train_step_counter=train_step_counter)
71
72 agent.initialize()
7 frames
/usr/local/lib/python3.7/dist-packages/tf_agents/networks/sequential.py in call(self, inputs, network_state, **kwargs)
222 else:
223 # Does not maintain state.
--> 224 inputs = layer(inputs, **layer_kwargs)
225
226 return inputs, tuple(next_network_state)
ValueError: Exception encountered when calling layer "sequential_54" (type Sequential).
Input 0 of layer "conv1d_104" is incompatible with the layer: expected min_ndim=3, found ndim=2. Full shape received: (1, 1001)
Call arguments received by layer "sequential_54" (type Sequential):
• inputs=tf.Tensor(shape=(1, 1001), dtype=float32)
• network_state=()
• kwargs={'step_type': 'tf.Tensor(shape=(1,), dtype=int32)', 'training': 'None'}
In call to configurable 'DqnAgent' (<class 'tf_agents.agents.dqn.dqn_agent.dqnagent'="">)`
i know it has something to do with the input shape of first layer of cov1d but cant figure out what am doing wrong
at each time_step the agent is reciveing a observation of prices of 1d array of length 1001 then the input shape of conv1d should be (1,1001) but its wrong and i don't know how to solve this error
need help
|
|
|
|
|
Some more details about what this does step by step might help others to help you.
Nice code though.
Thanks.

|
|
|
|
|
Tutto è cominciato così:
1) ho dato in input al neurone javascript due numeri, due pesi e un bais.
2 ) il neurone ha calcolato un risultato che divergeva da quello da me previsto (target).
3) il neurone ha assottigliato, man mano, la divergenza fino ad arrivare a zero.
4 ) ora se rimetto al lavoro il neurone, mi da il risultato corretto.
5) questa operazione l'ho ripetuta per una serie di input con relativi target.
6) ho fatto la media di tutti i pesi e bais calcolati e mi ritrovo una retta.
Per ora sono fermo qui, ma il neurone non ha imparato nulla.
Qualche proposta ?
Riccardo
Translation:
It all started like this:
1) I gave input to the javascript neuron two numbers, two weights and a bais.
2) the neuron calculated a result that diverged from the one I predicted (target).
3) the neuron has thinned, gradually, the divergence until it reaches zero.
4) now if I put the neuron back to work, it gives me the correct result.
5) I repeated this operation for a series of inputs with relative targets.
6) I averaged all the weights and bais calculated and I find myself a straight line.
For now I'm stuck here, but the neuron hasn't learned anything.
Any proposals ?
Richard
|
|
|
|
|
Could A* be regarded as a Dijkstra algorithm that has the visited node chain spreading in all directions from the start point?
|
|
|
|
|
Of course, what's wrong with you?
The difficult we do right away...
...the impossible takes slightly longer.
modified 6-Nov-21 16:25pm.
|
|
|
|
|
|
No, it's the other way around. Dijkstra could be regarded as a special case of A*, with a heuristic of zero, resulting in a "circular" node visiting pattern (when possible), thanks to the heuristic of zero not "preferring" any particular direction. Some pedants may say "it's actually UCS that is a special case of A*, not Dijkstra", but UCS is a fancy name for how Dijkstra is normally implemented in practice. The original version of the algorithm that Edsger W. Dijkstra wrote down is rarely, if ever, used in practice, because it always touches all nodes, not just nodes that are dynamically encountered during the search.
|
|
|
|
|
Thanks for setting me on the track.
|
|
|
|
|
>>The original version of the algorithm that Edsger W. Dijkstra wrote down is rarely, if ever, used in practice, because it always touches all nodes
Is processing all nodes making the algorithm slow when you deal with large maps?
modified 8-Nov-21 10:34am.
|
|
|
|
|
I like A*.
I've build pathfinding with it for an AR HoloLens application.
Easy to build, easy to scale, easy to tweak.
It's also kinda crappy.
Just look at the AI in Red Alert 2: it's serviceable but never amazing.
|
|
|
|
|
I want to ask you in bioinformatics by machine learning. How do I extract features in protein primary sequence by Python?
|
|
|
|
|
What an interesting question! A have looking for an answer for the ast mounth 
|
|
|
|
|
VASCAR, THIS IS ALL ABOUT PRODUCT RIGHT ? WHAT IS THE MAIN CONCEPT USING AI ? ANSWER ME THIS BY STEP BY STEP.
|
|
|
|
|
If you want to ask a "generic" question, then start here: Ask a question[^]
But do yourself a favour, and learn how to ask a question so that it can be given a useful answer: Asking questions is a skill[^] and think about what you need to know, and what you need to tell us in order to get help.
And DON'T SHOUT. Using all capitals is considered shouting on the internet, and rude (using all lower case is considered childish). Use proper capitalization if you want to be taken seriously.
"I have no idea what I did, but I'm taking full credit for it." - ThisOldTony
"Common sense is so rare these days, it should be classified as a super power" - Random T-shirt
AntiTwitter: @DalekDave is now a follower!
|
|
|
|
|
|
|
Please don't SHOUT.
Give solutions to what? You need to give some more detail to your question, including explaining what you have already tried (so we don't just repeat stuff) and exactly where your problem is
|
|
|
|
|
|
Dear members,i would like to ask if is possible to train 2 different neural networks models(eg 2 cnn) and after doing the classification which is 2 outputs for each ,to retrain their weights from the classification layer in order make the final classification.Do you think it is a reasonable approach?any guideance to do this? Thanks
|
|
|
|
|
Please don't repost if your comment does not appear immediately: both of these went to moderation and required a human being to review them for publication. In order to prevent you being kicked off as a spammer, both had to be accepted, and then I have to clean up the spares. Have a little patience, please!
I've deleted the other version.
"I have no idea what I did, but I'm taking full credit for it." - ThisOldTony
"Common sense is so rare these days, it should be classified as a super power" - Random T-shirt
AntiTwitter: @DalekDave is now a follower!
|
|
|
|
|
where i can delete post
modified 14-Jun-21 13:31pm.
|
|
|
|
|
Sorry this is the wrong place. These forums are for discussing issues and problems around code that you have written. If you want people to write code for you then try rentacoder.com.
|
|
|
|
|
"Sorry this is the wrong place"it is your point of view
No need to regret.my post is to discussing, If you haven't seen this
I advise you to read the post again.
|
|
|
|
|