deep_learning Math and Architectures of Deep Learning By feedproxy.google.com Published On :: Wed, 22 Apr 2020 13:00:59 +0000 This hands-on book bridges the gap between theory and practice, showing you the math of deep learning algorithms side by side with an implementation in PyTorch. You can save 40% off Math and Architectures of Deep Learning until May 13! Just enter the code nlkdarch40 at checkout when you buy from manning.com. Full Article 2020 Apr News Education Deep Learning Manning Mathematics
deep_learning Fighting Coronavirus With AI: Improving Testing with Deep Learning and Computer Vision By feedproxy.google.com Published On :: Wed, 22 Apr 2020 14:00:19 +0000 This post will cover how testing is done for the coronavirus, why it's important in battling the pandemic, and how deep learning tools for medical imaging can help us improve the quality of COVID-19 testing. Full Article 2020 Apr Tutorials Overviews AI Computer Vision Coronavirus Covid-19 Deep Learning Healthcare
deep_learning Deep Learning: The Free eBook By feedproxy.google.com Published On :: Mon, 04 May 2020 12:00:53 +0000 "Deep Learning" is the quintessential book for understanding deep learning theory, and you can still read it freely online. Full Article 2020 May Tutorials Overviews Aaron Courville Book Deep Learning Free ebook Ian Goodfellow Neural Networks Yoshua Bengio
deep_learning Top 10 Toolkits and Libraries for Deep Learning in 2020 By feedproxy.google.com Published On :: Fri, 08 May 2020 13:49:13 +0000 Deep Learning is a branch of artificial intelligence and a subset of machine learning that focuses on networks capable of, usually, unsupervised learning from unstructured and other forms of data. It is also known as deep structured learning or differential programming. Architectures inspired by deep learning find use in a range of fields, such as... Full Article Essentials Learning Resources
deep_learning On-board Deep-learning-based Unmanned Aerial Vehicle Fault Cause Detection and Identification. (arXiv:2005.00336v2 [eess.SP] UPDATED) By arxiv.org Published On :: With the increase in use of Unmanned Aerial Vehicles (UAVs)/drones, it is important to detect and identify causes of failure in real time for proper recovery from a potential crash-like scenario or post incident forensics analysis. The cause of crash could be either a fault in the sensor/actuator system, a physical damage/attack, or a cyber attack on the drone's software. In this paper, we propose novel architectures based on deep Convolutional and Long Short-Term Memory Neural Networks (CNNs and LSTMs) to detect (via Autoencoder) and classify drone mis-operations based on sensor data. The proposed architectures are able to learn high-level features automatically from the raw sensor data and learn the spatial and temporal dynamics in the sensor data. We validate the proposed deep-learning architectures via simulations and experiments on a real drone. Empirical results show that our solution is able to detect with over 90% accuracy and classify various types of drone mis-operations (with about 99% accuracy (simulation data) and upto 88% accuracy (experimental data)). Full Article
deep_learning Lake Ice Detection from Sentinel-1 SAR with Deep Learning. (arXiv:2002.07040v2 [eess.IV] UPDATED) By arxiv.org Published On :: Lake ice, as part of the Essential Climate Variable (ECV) lakes, is an important indicator to monitor climate change and global warming. The spatio-temporal extent of lake ice cover, along with the timings of key phenological events such as freeze-up and break-up, provide important cues about the local and global climate. We present a lake ice monitoring system based on the automatic analysis of Sentinel-1 Synthetic Aperture Radar (SAR) data with a deep neural network. In previous studies that used optical satellite imagery for lake ice monitoring, frequent cloud cover was a main limiting factor, which we overcome thanks to the ability of microwave sensors to penetrate clouds and observe the lakes regardless of the weather and illumination conditions. We cast ice detection as a two class (frozen, non-frozen) semantic segmentation problem and solve it using a state-of-the-art deep convolutional network (CNN). We report results on two winters ( 2016 - 17 and 2017 - 18 ) and three alpine lakes in Switzerland. The proposed model reaches mean Intersection-over-Union (mIoU) scores >90% on average, and >84% even for the most difficult lake. Additionally, we perform cross-validation tests and show that our algorithm generalises well across unseen lakes and winters. Full Article
deep_learning Novel Deep Learning Framework for Wideband Spectrum Characterization at Sub-Nyquist Rate. (arXiv:1912.05255v2 [eess.SP] UPDATED) By arxiv.org Published On :: Introduction of spectrum-sharing in 5G and subsequent generation networks demand base-station(s) with the capability to characterize the wideband spectrum spanned over licensed, shared and unlicensed non-contiguous frequency bands. Spectrum characterization involves the identification of vacant bands along with center frequency and parameters (energy, modulation, etc.) of occupied bands. Such characterization at Nyquist sampling is area and power-hungry due to the need for high-speed digitization. Though sub-Nyquist sampling (SNS) offers an excellent alternative when the spectrum is sparse, it suffers from poor performance at low signal to noise ratio (SNR) and demands careful design and integration of digital reconstruction, tunable channelizer and characterization algorithms. In this paper, we propose a novel deep-learning framework via a single unified pipeline to accomplish two tasks: 1)~Reconstruct the signal directly from sub-Nyquist samples, and 2)~Wideband spectrum characterization. The proposed approach eliminates the need for complex signal conditioning between reconstruction and characterization and does not need complex tunable channelizers. We extensively compare the performance of our framework for a wide range of modulation schemes, SNR and channel conditions. We show that the proposed framework outperforms existing SNS based approaches and characterization performance approaches to Nyquist sampling-based framework with an increase in SNR. Easy to design and integrate along with a single unified deep learning framework make the proposed architecture a good candidate for reconfigurable platforms. Full Article
deep_learning Biologic and Prognostic Feature Scores from Whole-Slide Histology Images Using Deep Learning. (arXiv:1910.09100v4 [q-bio.QM] UPDATED) By arxiv.org Published On :: Histopathology is a reflection of the molecular changes and provides prognostic phenotypes representing the disease progression. In this study, we introduced feature scores generated from hematoxylin and eosin histology images based on deep learning (DL) models developed for prostate pathology. We demonstrated that these feature scores were significantly prognostic for time to event endpoints (biochemical recurrence and cancer-specific survival) and had simultaneously molecular biologic associations to relevant genomic alterations and molecular subtypes using already trained DL models that were not previously exposed to the datasets of the current study. Further, we discussed the potential of such feature scores to improve the current tumor grading system and the challenges that are associated with tumor heterogeneity and the development of prognostic models from histology images. Our findings uncover the potential of feature scores from histology images as digital biomarkers in precision medicine and as an expanding utility for digital pathology. Full Article
deep_learning Deep Learning based Person Re-identification. (arXiv:2005.03293v1 [cs.CV]) By arxiv.org Published On :: Automated person re-identification in a multi-camera surveillance setup is very important for effective tracking and monitoring crowd movement. In the recent years, few deep learning based re-identification approaches have been developed which are quite accurate but time-intensive, and hence not very suitable for practical purposes. In this paper, we propose an efficient hierarchical re-identification approach in which color histogram based comparison is first employed to find the closest matches in the gallery set, and next deep feature based comparison is carried out using Siamese network. Reduction in search space after the first level of matching helps in achieving a fast response time as well as improving the accuracy of prediction by the Siamese network by eliminating vastly dissimilar elements. A silhouette part-based feature extraction scheme is adopted in each level of hierarchy to preserve the relative locations of the different body structures and make the appearance descriptors more discriminating in nature. The proposed approach has been evaluated on five public data sets and also a new data set captured by our team in our laboratory. Results reveal that it outperforms most state-of-the-art approaches in terms of overall accuracy. Full Article
deep_learning Multi-Target Deep Learning for Algal Detection and Classification. (arXiv:2005.03232v1 [cs.CV]) By arxiv.org Published On :: Water quality has a direct impact on industry, agriculture, and public health. Algae species are common indicators of water quality. It is because algal communities are sensitive to changes in their habitats, giving valuable knowledge on variations in water quality. However, water quality analysis requires professional inspection of algal detection and classification under microscopes, which is very time-consuming and tedious. In this paper, we propose a novel multi-target deep learning framework for algal detection and classification. Extensive experiments were carried out on a large-scale colored microscopic algal dataset. Experimental results demonstrate that the proposed method leads to the promising performance on algal detection, class identification and genus identification. Full Article
deep_learning Hierarchical Predictive Coding Models in a Deep-Learning Framework. (arXiv:2005.03230v1 [cs.CV]) By arxiv.org Published On :: Bayesian predictive coding is a putative neuromorphic method for acquiring higher-level neural representations to account for sensory input. Although originating in the neuroscience community, there are also efforts in the machine learning community to study these models. This paper reviews some of the more well known models. Our review analyzes module connectivity and patterns of information transfer, seeking to find general principles used across the models. We also survey some recent attempts to cast these models within a deep learning framework. A defining feature of Bayesian predictive coding is that it uses top-down, reconstructive mechanisms to predict incoming sensory inputs or their lower-level representations. Discrepancies between the predicted and the actual inputs, known as prediction errors, then give rise to future learning that refines and improves the predictive accuracy of learned higher-level representations. Predictive coding models intended to describe computations in the neocortex emerged prior to the development of deep learning and used a communication structure between modules that we name the Rao-Ballard protocol. This protocol was derived from a Bayesian generative model with some rather strong statistical assumptions. The RB protocol provides a rubric to assess the fidelity of deep learning models that claim to implement predictive coding. Full Article
deep_learning Deep Learning for Image-based Automatic Dial Meter Reading: Dataset and Baselines. (arXiv:2005.03106v1 [cs.CV]) By arxiv.org Published On :: Smart meters enable remote and automatic electricity, water and gas consumption reading and are being widely deployed in developed countries. Nonetheless, there is still a huge number of non-smart meters in operation. Image-based Automatic Meter Reading (AMR) focuses on dealing with this type of meter readings. We estimate that the Energy Company of Paran'a (Copel), in Brazil, performs more than 850,000 readings of dial meters per month. Those meters are the focus of this work. Our main contributions are: (i) a public real-world dial meter dataset (shared upon request) called UFPR-ADMR; (ii) a deep learning-based recognition baseline on the proposed dataset; and (iii) a detailed error analysis of the main issues present in AMR for dial meters. To the best of our knowledge, this is the first work to introduce deep learning approaches to multi-dial meter reading, and perform experiments on unconstrained images. We achieved a 100.0% F1-score on the dial detection stage with both Faster R-CNN and YOLO, while the recognition rates reached 93.6% for dials and 75.25% for meters using Faster R-CNN (ResNext-101). Full Article
deep_learning CovidCTNet: An Open-Source Deep Learning Approach to Identify Covid-19 Using CT Image. (arXiv:2005.03059v1 [eess.IV]) By arxiv.org Published On :: Coronavirus disease 2019 (Covid-19) is highly contagious with limited treatment options. Early and accurate diagnosis of Covid-19 is crucial in reducing the spread of the disease and its accompanied mortality. Currently, detection by reverse transcriptase polymerase chain reaction (RT-PCR) is the gold standard of outpatient and inpatient detection of Covid-19. RT-PCR is a rapid method, however, its accuracy in detection is only ~70-75%. Another approved strategy is computed tomography (CT) imaging. CT imaging has a much higher sensitivity of ~80-98%, but similar accuracy of 70%. To enhance the accuracy of CT imaging detection, we developed an open-source set of algorithms called CovidCTNet that successfully differentiates Covid-19 from community-acquired pneumonia (CAP) and other lung diseases. CovidCTNet increases the accuracy of CT imaging detection to 90% compared to radiologists (70%). The model is designed to work with heterogeneous and small sample sizes independent of the CT imaging hardware. In order to facilitate the detection of Covid-19 globally and assist radiologists and physicians in the screening process, we are releasing all algorithms and parametric details in an open-source format. Open-source sharing of our CovidCTNet enables developers to rapidly improve and optimize services, while preserving user privacy and data ownership. Full Article
deep_learning IBM Machine Vision Technology Advances Early Detection of Diabetic Eye Disease Using Deep Learning By www.ibm.com Published On :: Wed, 11 Oct 2017 05:23:08 GMT The IBM Research findings achieve the highest recorded accuracy of 86 percent by using deep learning and pathology insights to identify the severity of diabetic retinopathy. Full Article Research
deep_learning Projection-space implementation of deep learning-guided low-dose brain PET imaging improves performance over implementation in image-space By jnm.snmjournals.org Published On :: 2020-01-10T04:59:09-08:00 Purpose: To assess the performance of full dose (FD) positron emission tomography (PET) image synthesis in both image and projection space from low-dose (LD) PET images/sinograms without sacrificing diagnostic quality using deep learning techniques. Methods: Clinical brain PET/CT studies of 140 patients were retrospectively employed for LD to FD PET conversion. 5% of the events were randomly selected from the FD list-mode PET data to simulate a realistic LD acquisition. A modified 3D U-Net model was implemented to predict FD sinograms in the projection-space (PSS) and FD images in image-space (PIS) from their corresponding LD sinograms/images, respectively. The quality of the predicted PET images was assessed by two nuclear medicine specialists using a five-point grading scheme. Quantitative analysis using established metrics including the peak signal-to-noise ratio (PSNR), structural similarity index metric (SSIM), region-wise standardized uptake value (SUV) bias, as well as first-, second- and high-order texture radiomic features in 83 brain regions for the test and evaluation dataset was also performed. Results: All PSS images were scored 4 or higher (good to excellent) by the nuclear medicine specialists. PSNR and SSIM values of 0.96 ± 0.03, 0.97 ± 0.02 and 31.70 ± 0.75, 37.30 ± 0.71 were obtained for PIS and PSS, respectively. The average SUV bias calculated over all brain regions was 0.24 ± 0.96% and 1.05 ± 1.44% for PSS and PIS, respectively. The Bland-Altman plots reported the lowest SUV bias (0.02) and variance (95% CI: -0.92, +0.84) for PSS compared with the reference FD images. The relative error of the homogeneity radiomic feature belonging to the Grey Level Co-occurrence Matrix category was -1.07 ± 1.77 and 0.28 ± 1.4 for PIS and PSS, respectively Conclusion: The qualitative assessment and quantitative analysis demonstrated that the FD PET prediction in projection space led to superior performance, resulting in higher image quality and lower SUV bias and variance compared to FD PET prediction in the image domain. Full Article
deep_learning Artificial intelligence versus clinicians: systematic review of design, reporting standards, and claims of deep learning studies By feeds.bmj.com Published On :: Wednesday, March 25, 2020 - 22:30 Full Article
deep_learning GluonCV and GluonNLP: Deep Learning in Computer Vision and Natural Language Processing By Published On :: 2020 We present GluonCV and GluonNLP, the deep learning toolkits for computer vision and natural language processing based on Apache MXNet (incubating). These toolkits provide state-of-the-art pre-trained models, training scripts, and training logs, to facilitate rapid prototyping and promote reproducible research. We also provide modular APIs with flexible building blocks to enable efficient customization. Leveraging the MXNet ecosystem, the deep learning models in GluonCV and GluonNLP can be deployed onto a variety of platforms with different programming languages. The Apache 2.0 license has been adopted by GluonCV and GluonNLP to allow for software distribution, modification, and usage. Full Article
deep_learning Generating Thermal Image Data Samples using 3D Facial Modelling Techniques and Deep Learning Methodologies. (arXiv:2005.01923v2 [cs.CV] UPDATED) By arxiv.org Published On :: Methods for generating synthetic data have become of increasing importance to build large datasets required for Convolution Neural Networks (CNN) based deep learning techniques for a wide range of computer vision applications. In this work, we extend existing methodologies to show how 2D thermal facial data can be mapped to provide 3D facial models. For the proposed research work we have used tufts datasets for generating 3D varying face poses by using a single frontal face pose. The system works by refining the existing image quality by performing fusion based image preprocessing operations. The refined outputs have better contrast adjustments, decreased noise level and higher exposedness of the dark regions. It makes the facial landmarks and temperature patterns on the human face more discernible and visible when compared to original raw data. Different image quality metrics are used to compare the refined version of images with original images. In the next phase of the proposed study, the refined version of images is used to create 3D facial geometry structures by using Convolution Neural Networks (CNN). The generated outputs are then imported in blender software to finally extract the 3D thermal facial outputs of both males and females. The same technique is also used on our thermal face data acquired using prototype thermal camera (developed under Heliaus EU project) in an indoor lab environment which is then used for generating synthetic 3D face data along with varying yaw face angles and lastly facial depth map is generated. Full Article
deep_learning On the impact of selected modern deep-learning techniques to the performance and celerity of classification models in an experimental high-energy physics use case. (arXiv:2002.01427v3 [physics.data-an] UPDATED) By arxiv.org Published On :: Beginning from a basic neural-network architecture, we test the potential benefits offered by a range of advanced techniques for machine learning, in particular deep learning, in the context of a typical classification problem encountered in the domain of high-energy physics, using a well-studied dataset: the 2014 Higgs ML Kaggle dataset. The advantages are evaluated in terms of both performance metrics and the time required to train and apply the resulting models. Techniques examined include domain-specific data-augmentation, learning rate and momentum scheduling, (advanced) ensembling in both model-space and weight-space, and alternative architectures and connection methods. Following the investigation, we arrive at a model which achieves equal performance to the winning solution of the original Kaggle challenge, whilst being significantly quicker to train and apply, and being suitable for use with both GPU and CPU hardware setups. These reductions in timing and hardware requirements potentially allow the use of more powerful algorithms in HEP analyses, where models must be retrained frequently, sometimes at short notice, by small groups of researchers with limited hardware resources. Additionally, a new wrapper library for PyTorch called LUMINis presented, which incorporates all of the techniques studied. Full Article
deep_learning Deep Learning on Point Clouds for False Positive Reduction at Nodule Detection in Chest CT Scans. (arXiv:2005.03654v1 [eess.IV]) By arxiv.org Published On :: The paper focuses on a novel approach for false-positive reduction (FPR) of nodule candidates in Computer-aided detection (CADe) system after suspicious lesions proposing stage. Unlike common decisions in medical image analysis, the proposed approach considers input data not as 2d or 3d image, but as a point cloud and uses deep learning models for point clouds. We found out that models for point clouds require less memory and are faster on both training and inference than traditional CNN 3D, achieves better performance and does not impose restrictions on the size of the input image, thereby the size of the nodule candidate. We propose an algorithm for transforming 3d CT scan data to point cloud. In some cases, the volume of the nodule candidate can be much smaller than the surrounding context, for example, in the case of subpleural localization of the nodule. Therefore, we developed an algorithm for sampling points from a point cloud constructed from a 3D image of the candidate region. The algorithm guarantees to capture both context and candidate information as part of the point cloud of the nodule candidate. An experiment with creating a dataset from an open LIDC-IDRI database for a feature of the FPR task was accurately designed, set up and described in detail. The data augmentation technique was applied to avoid overfitting and as an upsampling method. Experiments are conducted with PointNet, PointNet++ and DGCNN. We show that the proposed approach outperforms baseline CNN 3D models and demonstrates 85.98 FROC versus 77.26 FROC for baseline models. Full Article
deep_learning Transfer Learning for sEMG-based Hand Gesture Classification using Deep Learning in a Master-Slave Architecture. (arXiv:2005.03460v1 [eess.SP]) By arxiv.org Published On :: Recent advancements in diagnostic learning and development of gesture-based human machine interfaces have driven surface electromyography (sEMG) towards significant importance. Analysis of hand gestures requires an accurate assessment of sEMG signals. The proposed work presents a novel sequential master-slave architecture consisting of deep neural networks (DNNs) for classification of signs from the Indian sign language using signals recorded from multiple sEMG channels. The performance of the master-slave network is augmented by leveraging additional synthetic feature data generated by long short term memory networks. Performance of the proposed network is compared to that of a conventional DNN prior to and after the addition of synthetic data. Up to 14% improvement is observed in the conventional DNN and up to 9% improvement in master-slave network on addition of synthetic data with an average accuracy value of 93.5% asserting the suitability of the proposed approach. Full Article
deep_learning Deep learning of physical laws from scarce data. (arXiv:2005.03448v1 [cs.LG]) By arxiv.org Published On :: Harnessing data to discover the underlying governing laws or equations that describe the behavior of complex physical systems can significantly advance our modeling, simulation and understanding of such systems in various science and engineering disciplines. Recent advances in sparse identification show encouraging success in distilling closed-form governing equations from data for a wide range of nonlinear dynamical systems. However, the fundamental bottleneck of this approach lies in the robustness and scalability with respect to data scarcity and noise. This work introduces a novel physics-informed deep learning framework to discover governing partial differential equations (PDEs) from scarce and noisy data for nonlinear spatiotemporal systems. In particular, this approach seamlessly integrates the strengths of deep neural networks for rich representation learning, automatic differentiation and sparse regression to approximate the solution of system variables, compute essential derivatives, as well as identify the key derivative terms and parameters that form the structure and explicit expression of the PDEs. The efficacy and robustness of this method are demonstrated on discovering a variety of PDE systems with different levels of data scarcity and noise. The resulting computational framework shows the potential for closed-form model discovery in practical applications where large and accurate datasets are intractable to capture. Full Article
deep_learning Deep Learning Framework for Detecting Ground Deformation in the Built Environment using Satellite InSAR data. (arXiv:2005.03221v1 [cs.CV]) By arxiv.org Published On :: The large volumes of Sentinel-1 data produced over Europe are being used to develop pan-national ground motion services. However, simple analysis techniques like thresholding cannot detect and classify complex deformation signals reliably making providing usable information to a broad range of non-expert stakeholders a challenge. Here we explore the applicability of deep learning approaches by adapting a pre-trained convolutional neural network (CNN) to detect deformation in a national-scale velocity field. For our proof-of-concept, we focus on the UK where previously identified deformation is associated with coal-mining, ground water withdrawal, landslides and tunnelling. The sparsity of measurement points and the presence of spike noise make this a challenging application for deep learning networks, which involve calculations of the spatial convolution between images. Moreover, insufficient ground truth data exists to construct a balanced training data set, and the deformation signals are slower and more localised than in previous applications. We propose three enhancement methods to tackle these problems: i) spatial interpolation with modified matrix completion, ii) a synthetic training dataset based on the characteristics of real UK velocity map, and iii) enhanced over-wrapping techniques. Using velocity maps spanning 2015-2019, our framework detects several areas of coal mining subsidence, uplift due to dewatering, slate quarries, landslides and tunnel engineering works. The results demonstrate the potential applicability of the proposed framework to the development of automated ground motion analysis systems. Full Article
deep_learning Deep learning in medical image analysis : challenges and applications By dal.novanet.ca Published On :: Fri, 1 May 2020 19:44:43 -0300 Callnumber: OnlineISBN: 9783030331283 (electronic bk.) Full Article
deep_learning On deep learning as a remedy for the curse of dimensionality in nonparametric regression By projecteuclid.org Published On :: Tue, 21 May 2019 04:00 EDT Benedikt Bauer, Michael Kohler. Source: The Annals of Statistics, Volume 47, Number 4, 2261--2285.Abstract: Assuming that a smoothness condition and a suitable restriction on the structure of the regression function hold, it is shown that least squares estimates based on multilayer feedforward neural networks are able to circumvent the curse of dimensionality in nonparametric regression. The proof is based on new approximation results concerning multilayer feedforward neural networks with bounded weights and a bounded number of hidden neurons. The estimates are compared with various other approaches by using simulated data. Full Article
deep_learning Earth to AI: Three Startups Using Deep Learning for Environmental Monitoring By blogs.nvidia.com Published On :: Wed, 22 Apr 2020 14:00:51 GMT Sometimes it takes an elevated view to appreciate the big picture. NASA’s iconic “Blue Marble,” taken in 1972, helped inspire the modern environmental movement by capturing the finite and fragile nature of Earth for the first time. Today, aerial imagery from satellites and drones powers a range of efforts to monitor and protect our planet Read article > The post Earth to AI: Three Startups Using Deep Learning for Environmental Monitoring appeared first on The Official NVIDIA Blog. Full Article
deep_learning NVIDIA Deep Learning Institute Instructor-Led Training Now Available Remotely By blogs.nvidia.com Published On :: Wed, 06 May 2020 15:00:34 GMT Starting this month, NVIDIA’s Deep Learning Institute is offering instructor-led workshops that are delivered remotely via a virtual classroom. DLI provides hands-on training in AI, accelerated computing and accelerated data science to help developers, data scientists and other professionals solve their most challenging problems. These in-depth classes are taught by experts in their respective fields, Read article > The post NVIDIA Deep Learning Institute Instructor-Led Training Now Available Remotely appeared first on The Official NVIDIA Blog. Full Article
deep_learning NVIDIA Deep Learning Institute Instructor-Led Training Now Available Remotely By feedproxy.google.com Published On :: Wed, 06 May 2020 15:00:34 +0000 Starting this month, NVIDIA’s Deep Learning Institute is offering instructor-led workshops that are delivered remotely via a virtual classroom. DLI provides hands-on training in AI, accelerated computing and accelerated data science to help developers, data scientists and other professionals solve their most challenging problems. These in-depth classes are taught by experts in their respective fields, Read article > The post NVIDIA Deep Learning Institute Instructor-Led Training Now Available Remotely appeared first on The Official NVIDIA Blog. Full Article Deep Learning Deep Learning Institute Education
deep_learning Deep learning in healthcare: paradigms and applications / Yen-Wei Chen, Lakhmi C. Jain, editors By library.mit.edu Published On :: Sun, 12 Jan 2020 06:27:08 EST Online Resource Full Article
deep_learning Deep learning aided rational design of oxide glasses By feeds.rsc.org Published On :: Mater. Horiz., 2020, Advance ArticleDOI: 10.1039/D0MH00162G, CommunicationR. Ravinder, Karthikeya H. Sridhara, Suresh Bishnoi, Hargun Singh Grover, Mathieu Bauchy, Jayadeva, Hariprasad Kodamana, N. M. Anoop KrishnanDesigning new glasses requires a priori knowledge of how the composition of a glass dictates its properties such as stiffness, density, or processability. Developing multi-property design charts, namely, glass selection charts, using deep learning can enable discovery of novel glasses with targeted properties.To cite this article before page numbers are assigned, use the DOI form of citation above.The content of this RSS Feed (c) The Royal Society of Chemistry Full Article
deep_learning Deep Learning in the Browser / by Xavier Bourry, Kai Sasaki, Christoph K??R, Reiichiro Nakano By library.mit.edu Published On :: Sun, 11 Aug 2019 10:25:18 EDT Online Resource Full Article
deep_learning Deep learning in a disorienting world / Jon F. Wergin By library.mit.edu Published On :: Sun, 8 Mar 2020 08:11:31 EDT Dewey Library - BF318.W47 2020 Full Article
deep_learning Next-Generation Machine Learning with Spark: Covers XGBoost, LightGBM, Spark NLP, Distributed Deep Learning with Keras, and More / Butch Quinto By library.mit.edu Published On :: Sun, 5 Apr 2020 06:39:21 EDT Online Resource Full Article
deep_learning A high-throughput system combining microfluidic hydrogel droplets with deep learning for screening the antisolvent-crystallization conditions of active pharmaceutical ingredient By feeds.rsc.org Published On :: Lab Chip, 2020, Accepted ManuscriptDOI: 10.1039/D0LC00153H, PaperZhening Su, Jinxu He, Peipei Zhou, Lu Huang, Jianhua ZhouCrystallization of active pharmaceutical ingredients (APIs) is a crucial process in the pharmaceutical industry due to its great impact in drug efficacy. However, conventional approaches for screening the optimal crystallization...The content of this RSS Feed (c) The Royal Society of Chemistry Full Article
deep_learning [ASAP] Combining Docking Pose Rank and Structure with Deep Learning Improves Protein–Ligand Binding Mode Prediction over a Baseline Docking Approach By feedproxy.google.com Published On :: Tue, 03 Mar 2020 05:00:00 GMT Journal of Chemical Information and ModelingDOI: 10.1021/acs.jcim.9b00927 Full Article
deep_learning [ASAP] Evaluating Scalable Uncertainty Estimation Methods for Deep Learning-Based Molecular Property Prediction By feedproxy.google.com Published On :: Fri, 24 Apr 2020 04:00:00 GMT Journal of Chemical Information and ModelingDOI: 10.1021/acs.jcim.9b00975 Full Article
deep_learning A deep learning approach to identify association of disease–gene using information of disease symptoms and protein sequences By feeds.rsc.org Published On :: Anal. Methods, 2020, 12,2016-2026DOI: 10.1039/C9AY02333J, PaperXingyu Chen, Qixing Huang, Yang Wang, Jinlong Li, Haiyan Liu, Yun Xie, Zong Dai, Xiaoyong Zou, Zhanchao LiPrediction of disease–gene association based on a deep convolutional neural network.The content of this RSS Feed (c) The Royal Society of Chemistry Full Article
deep_learning Handbook of research on machine and deep learning applications for cyber security / [edited by] Padmavathi Ganapathi and D. Shanmugapriya By prospero.murdoch.edu.au Published On :: Full Article
deep_learning Deep Learning Algorithms for Detection of Lymph Node Metastases From Breast Cancer By traffic.libsyn.com Published On :: Tue, 12 Dec 2017 16:00:00 +0000 Interview with Jeffrey Alan. Golden, MD, author of Deep Learning Algorithms for Detection of Lymph Node Metastases From Breast Cancer: Helping Artificial Intelligence Be Seen Full Article
deep_learning Deep learning in medical image analysis: challenges and applications / Gobert Lee, Hiroshi Fujita, editors By library.mit.edu Published On :: Sun, 15 Mar 2020 07:45:28 EDT Online Resource Full Article