Rasa issues with latest version RASA = 1.3.9 and RASA X = 0.21.4

I upgrade rasa with the latest version from website. I start new example with rasa init in rasa shell its working but when i fire rasa x command then it will give me some tensorflow warnings and my model not train, as well as talk to your bot is not working

warnings/errors as below

/var/www/html/RASA/FX$ rasa x
Starting Rasa X in local mode... πŸš€

The server is running at http://localhost:5002/login?username=me&password=uYFm7RwJjHov

ATTENTION: default value of option force_s3tc_enable overridden by environment.
[27402:27454:1015/092312.379282:ERROR:browser_process_sub_thread.cc(221)] Waited 98 ms for network service
Opening in existing browser session.
2019-10-15 09:23:22 WARNING  tensorflow  - 
**The TensorFlow contrib module will not be included in TensorFlow 2.0.**
For more information, please see:
  * https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md
  * https://github.com/tensorflow/addons
  * https://github.com/tensorflow/io (for I/O related ops)
If you depend on functionality not listed there, please file an issue.

2019-10-15 09:23:24 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensor2tensor/utils/adafactor.py:27: The name tf.train.Optimizer is deprecated. Please use tf.compat.v1.train.Optimizer instead.

2019-10-15 09:23:24 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensor2tensor/utils/multistep_optimizer.py:32: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.

2019-10-15 09:23:27 WARNING  tensorflow  - Failed to load tensor2tensor
2019-10-15 09:23:27 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensor2tensor/models/research/glow_init_hook.py:25: The name tf.train.SessionRunHook is deprecated. Please use tf.estimator.SessionRunHook instead.

2019-10-15 09:23:27 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensor2tensor/models/research/neural_stack.py:51: The name tf.nn.rnn_cell.RNNCell is deprecated. Please use tf.compat.v1.nn.rnn_cell.RNNCell instead.

2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensor2tensor/utils/trainer_lib.py:111: The name tf.OptimizerOptions is deprecated. Please use tf.compat.v1.OptimizerOptions instead.

2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow_gan/python/contrib_utils.py:305: The name tf.estimator.tpu.TPUEstimator is deprecated. Please use tf.compat.v1.estimator.tpu.TPUEstimator instead.

2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow_gan/python/contrib_utils.py:310: The name tf.estimator.tpu.TPUEstimatorSpec is deprecated. Please use tf.compat.v1.estimator.tpu.TPUEstimatorSpec instead.

2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/nlu/classifiers/embedding_intent_classifier.py:706: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.

2019-10-15 09:23:28.260790: E tensorflow/stream_executor/cuda/cuda_driver.cc:318] failed call to cuInit: UNKNOWN ERROR (303)
2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/nlu/classifiers/embedding_intent_classifier.py:707: The name tf.train.import_meta_graph is deprecated. Please use tf.compat.v1.train.import_meta_graph instead.

2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/training/saver.py:1276: checkpoint_exists (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.
Instructions for updating:
Use standard file APIs to check for files with this prefix.
2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/utils/train_utils.py:967: The name tf.get_collection is deprecated. Please use tf.compat.v1.get_collection instead.

2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/init_ops.py:97: calling GlorotUniform.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/init_ops.py:1251: calling VarianceScaling.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/init_ops.py:97: calling Orthogonal.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
2019-10-15 09:23:28 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/init_ops.py:97: calling Zeros.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
2019-10-15 09:23:29 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/keras/backend.py:3794: add_dispatch_support.<locals>.wrapper (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.where in 2.0, which has the same broadcast rule as np.where

My current tesorflow versions as below

mesh-tensorflow               0.1.0               
tensorflow                    1.14.0              
tensorflow-addons             0.6.0               
tensorflow-datasets           1.2.0               
tensorflow-estimator          1.14.0              
tensorflow-gan                1.0.0.dev0          
tensorflow-gpu                1.14.0              
tensorflow-metadata           0.15.0              
tensorflow-probability        0.7.0

When i try to train model from rasa x then its also give warnings like

Training Core model...
2019-10-15 09:33:14 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/core/policies/keras_policy.py:185: The name tf.set_random_seed is deprecated. Please use tf.compat.v1.set_random_seed instead.

Core model training completed.
Training NLU model...
2019-10-15 09:33:21 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/nlu/classifiers/embedding_intent_classifier.py:543: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.

2019-10-15 09:33:21 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/data/ops/dataset_ops.py:494: py_func (from tensorflow.python.ops.script_ops) is deprecated and will be removed in a future version.
Instructions for updating:
tf.py_func is deprecated in TF V2. Instead, there are two
    options available in V2.
    - tf.py_function takes a python function which manipulates tf eager
    tensors instead of numpy arrays. It's easy to convert a tf eager tensor to
    an ndarray (just call tensor.numpy()) but having access to eager tensors
    means `tf.py_function`s can use accelerators such as GPUs as well as
    being differentiable using a gradient tape.
    - tf.numpy_function maintains the semantics of the deprecated tf.py_func
    (it is not differentiable, and manipulates numpy arrays). It drops the
    stateful argument making all functions stateful.
    
2019-10-15 09:33:21 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/utils/train_utils.py:257: The name tf.data.Iterator is deprecated. Please use tf.compat.v1.data.Iterator instead.

2019-10-15 09:33:21 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/utils/train_utils.py:258: DatasetV1.output_types (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.data.get_output_types(dataset)`.
2019-10-15 09:33:21 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/utils/train_utils.py:259: DatasetV1.output_shapes (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.data.get_output_shapes(dataset)`.
2019-10-15 09:33:21 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/utils/train_utils.py:260: DatasetV1.output_classes (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.data.get_output_classes(dataset)`.
2019-10-15 09:33:21 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/data/ops/iterator_ops.py:348: Iterator.output_types (from tensorflow.python.data.ops.iterator_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.data.get_output_types(iterator)`.
2019-10-15 09:33:21 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/data/ops/iterator_ops.py:349: Iterator.output_shapes (from tensorflow.python.data.ops.iterator_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.data.get_output_shapes(iterator)`.
2019-10-15 09:33:21 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/data/ops/iterator_ops.py:351: Iterator.output_classes (from tensorflow.python.data.ops.iterator_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.data.get_output_classes(iterator)`.
2019-10-15 09:33:21 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/utils/train_utils.py:300: dense (from tensorflow.python.layers.core) is deprecated and will be removed in a future version.
Instructions for updating:
Use keras.layers.dense instead.
2019-10-15 09:33:22 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/utils/train_utils.py:302: dropout (from tensorflow.python.layers.core) is deprecated and will be removed in a future version.
Instructions for updating:
Use keras.layers.dropout instead.
2019-10-15 09:33:22 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/tensorflow/python/util/dispatch.py:180: batch_gather (from tensorflow.python.ops.array_ops) is deprecated and will be removed after 2017-10-25.
Instructions for updating:
`tf.batch_gather` is deprecated, please use `tf.gather` with `batch_dims` instead.
2019-10-15 09:33:22 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/utils/train_utils.py:680: The name tf.losses.softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.softmax_cross_entropy instead.

2019-10-15 09:33:22 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/utils/train_utils.py:682: The name tf.losses.get_regularization_loss is deprecated. Please use tf.compat.v1.losses.get_regularization_loss instead.

2019-10-15 09:33:27 WARNING  tensorflow  - From /usr/local/lib/python3.6/dist-packages/rasa/nlu/classifiers/embedding_intent_classifier.py:674: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

NLU model training completed.
Your Rasa model is trained and saved at '/tmp/20191015-093328.tar.gz'.
2019-10-15 09:33:28 WARNING  apscheduler.scheduler  - Execution of job "_run_model_pulling_worker (trigger: interval[0:00:02], next run at: 2019-10-15 09:33:22 IST)" skipped: maximum number of running instances reached (1)

When i Try to talk with bot it will gives me an error in console

2019-10-15 09:37:26 WARNING rasa.core.processor - No policy ensemble or domain set. Skipping action prediction and execution.

Please help me with an issue in latest version or how to downgrade rasa x version to 0.22.2

In Latest version intent name with / not supported and if you have story issue like intent use which not define then it will gives you an error.

@vb2vish those warnings can be ignroed - and it looks like your model actually finishes training. Are you sure there’s stories present in your data folder? Because it looks like it only trains the NLU model