Categories
Misc

Tutorial: Achieving High-Quality Search and Recommendation Results with DeepNLP

In this technical blog post, learn how LinkedIn uses deep learning-based NLP technologies to better understand text semantics, which is key to any ranking model.

In this technical blog post, learn how LinkedIn uses deep learning-based NLP technologies to better understand text semantics, which is key to any ranking model.

Speech and natural language processing (NLP) have become the foundation for most of the AI development in the enterprise today, as textual data represents a significant portion of unstructured content. As consumer internet companies continue to improve the accuracy of conversational AI, search, and recommendation systems, there is an increasing need for processing rich text data efficiently and effectively.

However, one of the key challenges for achieving the desired accuracy lies in understanding complex semantics and underlying user intent, and effectively extracting relevant information from a variety of sources such as user queries and documents. In recent years, the rapid development of deep learning models has bolstered improvements for a variety of NLP tasks, indicating the vast potential for further improving the accuracy of search and recommender systems.

In this post, we introduce DeText, a state-of-the-art, open-source NLP framework developed at LinkedIn for text understanding, followed by a summary of the GPU-accelerated BERT assets available for you to jumpstart your NLP development.

Read more >

Categories
Misc

Bayes by backprop implementation using tfp

I am trying to implement a simple bayes by backprop regression using the following tutorial

[http://krasserm.github.io/2019/03/14/bayesian-neural-networks/`](http://krasserm.github.io/2019/03/14/bayesian-neural-networks/)“`

But my regressor is no where near learning. below is my model, can anyone suggest a simple implementation of the tutorial?

“`

def prior(kernel_size, bias_size, dtype=None):
n = kernel_size + bias_size
prior_model = tf.keras.Sequential([
tfp.layers.DistributionLambda(
lambda t:tfd.MultivariateNormalDiag(loc=tf.zeros(n), scale_diag=tf.ones(n))
)
])
return prior_model
def posterior(kernel_size, bias_size,dtype=None):
n = kernel_size + bias_size
posterior_model = tf.keras.Sequential([
tfp.layers.VariableLayer(tfp.layers.MultivariateNormalTriL.params_size(n),dtype=dtype),
tfp.layers.MultivariateNormalTriL(n)
])
return posterior_model
model = tf.keras.Sequential([
tfp.layers.DenseVariational(units=20,input_shape=(1,),make_prior_fn=prior, make_posterior_fn=posterior,kl_weight=1/x_train.shape[0]),
tf.keras.layers.ReLU(),
tfp.layers.DenseVariational(units=20,make_prior_fn=prior, make_posterior_fn=posterior,kl_weight=1/x_train.shape[0]),
tfp.layers.DenseVariational(units=1,make_prior_fn=prior, make_posterior_fn=posterior,kl_weight=1/x_train.shape[0])
])
model.compile(loss=tf.keras.losses.MeanSquaredError() , optimizer=tf.keras.optimizers.Adam(lr=0.001),metrics=[‘mae’])
print(model.summary())
history = model.fit(x_train, y_train, batch_size=batch_size, epochs=500,verbose=2)

“`

submitted by /u/_tfp_beginner
[visit reddit] [comments]

Categories
Misc

How to show my profile on TensorFlow Certificate Network when I passed the exam?

I passed the tensorflow in Nov 2020. I can’t find a way to show my profile on the network. Anyone could show me how to do it please? Thanks very much!

https://developers.google.com/certification/directory/tensorflow

submitted by /u/Winnie0123
[visit reddit] [comments]

Categories
Misc

Certified Deep Learning Engineer – Deep Learning with TensorFlow 2.0 Certification Training

Certified Deep Learning Engineer - Deep Learning with TensorFlow 2.0 Certification Training

AI colleagues, Indeed.com estimates average US salaries for Certified Deep Learning Engineer at $166k+. This Deep Learning with TensorFlow 2.0 Certification Training is curated with the help of experienced industry professionals as per the latest requirements & demands. This course will help you master popular algorithms like CNN, RCNN, RNN, LSTM, RBM using the latest TensorFlow 2.0 package in Python. You will be working on various real-time projects like Emotion and Gender Detection, Auto Image Captioning using CNN and LSTM. Skill-based training modules include: : 1) Getting Started with TensorFlow 2.0, 2) Convolution Neural Network, 3) Regional CNN, 4) Boltzmann Machine & Autoencoder, 5) Generative Adversarial Network(GANEmotion and Gender Detection, 7) Introduction RNN and GRU, 8) LSTM,and 9) Auto Image Captioning Using CNN LSTM.

Enroll today (individuals & teams are welcome): https://fxo.co/AA8u

Much career success, Lawrence E. Wilson – Artificial Intelligence Academy (tinyurl.com/52s6gqb9)

Certified Deep Learning Engineer – Deep Learning with TensorFlow 2.0 Certification Training

submitted by /u/lwilson747
[visit reddit] [comments]

Categories
Misc

New Programmer question

New Programmer question

Hello everyone. I am an M.D. I am doing medical data analysis (not image at least now), I am using Matlab . I have seen TensorFlow, I wander is it worth for me to learn it? to make regression analysis KM plots etc. ? I tried to install to give a try. I wanted to use swift for tensor flow into Xcode. I couldn’t make it work. I installed the package. I can see that on toolchains.

can someone give me an idea about Tensor Flow , if it is worth to use for me ?

https://preview.redd.it/3i9mgg3mq9g61.png?width=942&format=png&auto=webp&s=3bc453eb8c03a7026cb10d357d16a6f44945cb59

submitted by /u/onqun
[visit reddit] [comments]

Categories
Misc

NVIDIA Announces Nsight Systems 2021.1

This release includes support and performance improvements for the latest top ray tracing game tiles on DirectX and Vulkan. Also included is support for the stats command on Windows CLI.

NVIDIA Nsight Systems 2021.1 is now available for download

Nsight Systems is a system-wide performance analysis tool, designed to help developers tune and scale software across CPUs and GPUs. Find out more at: https://developer.nvidia.com/nsight-systems 

This release includes support and performance improvements for the latest top ray tracing game tiles on DirectX and Vulkan. Also included is support for the stats command on Windows CLI.

Nsight Systems is part of a larger family of Nsight tools. A developer can start with Nsight Systems to see the big picture and avoid picking less efficient optimizations based on assumptions and false-positive indicators.

Check out our new blog  “Understanding the Visualization of Overhead and Latency in NVIDIA Nsight Systems”. If you are an nvprof or NVIDIA Visual Profiler user, be sure to read the blog posts [1], [2] & [3] to learn about migrating to their successors, Nsight Systems and Nsight Compute.

Subscribe to our YouTube channel for future release highlights and feature spotlights. 

If you have questions, contact us at our forums and visit our product page to download the latest release of Nsight Systems.

Categories
Misc

Startup Couples AI with OR Video to Sharpen Surgeon Performance, Improve Patient Outcomes

AI is teaching cars to make better decisions, so could it do the same for surgeons? Addressing that question is the mission of Theator, a startup based in Palo Alto, Calif., with an R&D site in Tel Aviv, that’s striving to fuel the nascent revolution in autonomous surgery. Theator co-founder and Chief Technology Officer Dotan Read article >

The post Startup Couples AI with OR Video to Sharpen Surgeon Performance, Improve Patient Outcomes appeared first on The Official NVIDIA Blog.

Categories
Misc

Any thoughts on measuring the water level of a glass using vision

I am thinking about the possibilities of measuring the water quantity of a container using any vision system.

I come across time of flight cameras which can work on short ranges and can give water level.

I would like to know about your thoughts on that.

submitted by /u/Ahmad401
[visit reddit] [comments]

Categories
Misc

C++ vs Python

If I redo all my python code in tf C++ API, Cython, and if necessary C++ would it actually be any faster if the most time consuming part is training the models? Does TF’s python API already execute the code in a similar way to how it would with the C++ API?

submitted by /u/BestUCanIsGoodEnough
[visit reddit] [comments]

Categories
Misc

Suggestions on building machine transliteration models

I’m trying to build a english to assamese transliteration model. I tried character level NMT with attention, but not satisfied with the results, considering the Assamese language consists of prefix/suffixes. Currently exploring WFST. Has anybody worked on something similar?

submitted by /u/ckraybpytao
[visit reddit] [comments]